From 0d2ec620153d1d3ce25b934a95ca789c85438179 Mon Sep 17 00:00:00 2001 From: Riccardo Orlando Date: Sat, 30 Jan 2021 10:28:47 +0100 Subject: [PATCH] Update dependencies, update code, removed unused methods. --- scripts/bert_base_span.sh | 23 +- setup.py | 6 +- training_config/bert_base_span.jsonnet | 2 +- transformer_srl/dataset_readers.py | 8 +- transformer_srl/models.py | 136 +- transformer_srl/predictors.py | 13 +- transformer_srl/resources/frame2role.csv | 4942 --- transformer_srl/resources/frame2role_ml.tsv | 39899 ------------------ transformer_srl/resources/lemma2frame.csv | 3900 -- transformer_srl/resources/lemma2va_ml.tsv | 21028 --------- 10 files changed, 35 insertions(+), 69922 deletions(-) delete mode 100644 transformer_srl/resources/frame2role.csv delete mode 100644 transformer_srl/resources/frame2role_ml.tsv delete mode 100644 transformer_srl/resources/lemma2frame.csv delete mode 100644 transformer_srl/resources/lemma2va_ml.tsv diff --git a/scripts/bert_base_span.sh b/scripts/bert_base_span.sh index f3a7eb8..d7f652b 100755 --- a/scripts/bert_base_span.sh +++ b/scripts/bert_base_span.sh @@ -1,9 +1,9 @@ #!/bin/bash -source /home/orlando/miniconda3/bin/activate allennlp +source /Users/ric/mambaforge/bin/activate srl-mt -HOME="/home/orlando" -DATASET="$HOME/datasets/ontonotes/conll-formatted-ontonotes-verbatlas" -PROJECT="$HOME/transformer-srl" +#HOME="/home/orlando" +DATASET="/Users/ric/Documents/ComputerScience/Projects/transformer-srl/data/conll2012_pb" +PROJECT="/Users/ric/Documents/ComputerScience/Projects/transformer-srl" # local # DATASET="/mnt/d/Datasets/conll2012/conll-formatted-ontonotes-verbatlas-subset" # PROJECT="/mnt/c/Users/rikkw/Desktop/Ric/Projects/srl-bert-span" @@ -11,16 +11,7 @@ PROJECT="$HOME/transformer-srl" export SRL_TRAIN_DATA_PATH="$DATASET/data/train" export SRL_VALIDATION_DATA_PATH="$DATASET/data/development" -CONFIG="$PROJECT/training_config/bert_base.jsonnet" +CONFIG="$PROJECT/training_config/bert_base_span.jsonnet" +MODEL_DIR="$PROJECT/models/bert_base_conll2012" -free_mem=$(nvidia-smi --query-gpu=memory.free --format=csv -i 1 | grep -Eo [0-9]+) - -echo "$free_mem MB" -while [ "$free_mem" -lt 10000 ]; do - free_mem=$(nvidia-smi --query-gpu=memory.free --format=csv -i 1 | grep -Eo [0-9]+) - sleep 5 -done - -echo "GPU finally free, training..." - -allennlp train $CONFIG -s models/bert_base_va --include-package transformer_srl #--recover +allennlp train $CONFIG -s $MODEL_DIR --include-package transformer_srl --force #--recover diff --git a/setup.py b/setup.py index 3f9dc84..df1f246 100644 --- a/setup.py +++ b/setup.py @@ -5,7 +5,7 @@ setuptools.setup( name="transformer_srl", # Replace with your own username - version="2.4.11", + version="2.5", author="Riccardo Orlando", author_email="orlandoricc@gmail.com", description="SRL Transformer model", @@ -20,8 +20,8 @@ "Operating System :: OS Independent", ], install_requires=[ - "allennlp>=1.2,<1.3", - "allennlp_models>=1.2,<1.3", + "allennlp>=2.0,<2.1", + "allennlp_models>=2.0,<2.1", "spacy>=2.3,<2.4" ], python_requires=">=3.6", diff --git a/training_config/bert_base_span.jsonnet b/training_config/bert_base_span.jsonnet index 52de41f..da777b8 100644 --- a/training_config/bert_base_span.jsonnet +++ b/training_config/bert_base_span.jsonnet @@ -40,6 +40,6 @@ "grad_norm": 1.0, "num_epochs": 15, "validation_metric": "+f1_role", - "cuda_device": 0, + "cuda_device": -1, }, } \ No newline at end of file diff --git a/transformer_srl/dataset_readers.py b/transformer_srl/dataset_readers.py index 3264103..2b79043 100644 --- a/transformer_srl/dataset_readers.py +++ b/transformer_srl/dataset_readers.py @@ -1,5 +1,4 @@ import logging -import pathlib from collections import defaultdict from typing import Any, DefaultDict, Dict, List, Set, Tuple @@ -19,8 +18,6 @@ logger = logging.getLogger(__name__) -FRAME_LIST_PATH = pathlib.Path(__file__).resolve().parent / "resources" / "framelist.txt" - def _convert_verb_indices_to_wordpiece_indices( verb_indices: List[int], offsets: List[int], binary: bool = True @@ -468,7 +465,10 @@ def _read(self, file_path: str): # transpose rolses, to have a list of roles per frame roles = list(map(list, zip(*roles))) current_frame = 0 - for i, frame, in enumerate(frames): + for ( + i, + frame, + ) in enumerate(frames): if frame != "_": verb_indicator = [0] * len(frames) verb_indicator[i] = 1 diff --git a/transformer_srl/models.py b/transformer_srl/models.py index e48eeb2..b566f5c 100644 --- a/transformer_srl/models.py +++ b/transformer_srl/models.py @@ -1,14 +1,12 @@ import pathlib from typing import Any, Dict, List, Union -import numpy as np import torch import torch.nn.functional as F from allennlp.data import TextFieldTensors, Vocabulary from allennlp.models.model import Model -from allennlp.modules import Seq2SeqEncoder from allennlp.nn import InitializerApplicator, util -from allennlp.nn.util import get_device_of, get_text_field_mask, sequence_cross_entropy_with_logits +from allennlp.nn.util import get_text_field_mask, sequence_cross_entropy_with_logits from allennlp.training.metrics.fbeta_measure import FBetaMeasure from allennlp_models.structured_prediction import SrlBert from allennlp_models.structured_prediction.metrics.srl_eval_scorer import ( @@ -19,10 +17,8 @@ from torch import nn from transformers import AutoModel -from transformer_srl.utils import load_label_list, load_lemma_frame, load_role_frame +from transformer_srl.utils import load_label_list -LEMMA_FRAME_PATH = pathlib.Path(__file__).resolve().parent / "resources" / "lemma2va_ml.tsv" -FRAME_ROLE_PATH = pathlib.Path(__file__).resolve().parent / "resources" / "frame2role_ml.tsv" FRAME_LIST_PATH = pathlib.Path(__file__).resolve().parent / "resources" / "framelist.txt" ROLE_LIST_PATH = pathlib.Path(__file__).resolve().parent / "resources" / "rolelist.txt" @@ -57,17 +53,11 @@ def __init__( label_smoothing: float = None, ignore_span_metric: bool = False, srl_eval_path: str = DEFAULT_SRL_EVAL_PATH, - restrict_frames: bool = False, - restrict_roles: bool = False, inventory: str = "verbatlas", **kwargs, ) -> None: # bypass SrlBert constructor Model.__init__(self, vocab, **kwargs) - self.lemma_frame_dict = load_lemma_frame(LEMMA_FRAME_PATH) - self.frame_role_dict = load_role_frame(FRAME_ROLE_PATH) - self.restrict_frames = restrict_frames - self.restrict_roles = restrict_roles self.transformer = AutoModel.from_pretrained(bert_model) self.frame_criterion = nn.CrossEntropyLoss() if inventory == "verbatlas": @@ -146,7 +136,10 @@ def forward( # type: ignore mask = get_text_field_mask(tokens) input_ids = util.get_token_ids_from_text_field_tensors(tokens) bert_embeddings, _ = self.transformer( - input_ids=input_ids, token_type_ids=verb_indicator, attention_mask=mask, + input_ids=input_ids, + token_type_ids=verb_indicator, + attention_mask=mask, + return_dict=False, ) # extract embeddings embedded_text_input = self.embedding_dropout(bert_embeddings) @@ -224,32 +217,7 @@ def forward( # type: ignore def decode_frames(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]: # frame prediction frame_probabilities = output_dict["frame_probabilities"] - if self.restrict_frames: - frame_probabilities = frame_probabilities.cpu().data.numpy() - lemmas = output_dict["lemma"] - candidate_labels = [self.lemma_frame_dict.get(l, []) for l in lemmas] - # clear candidates from unknowns - label_set = set(k for k in self._get_label_tokens("frames_labels")) - candidate_labels_ids = [ - [ - self.vocab.get_token_index(l, namespace="frames_labels") - for l in cl - if l in label_set - ] - for cl in candidate_labels - ] - - frame_predictions = [] - for cl, fp in zip(candidate_labels_ids, frame_probabilities): - # restrict candidates from verbatlas inventory - fp_candidates = np.take(fp, cl) - if fp_candidates.size > 0: - frame_predictions.append(cl[fp_candidates.argmax(axis=-1)]) - else: - frame_predictions.append(fp.argmax(axis=-1)) - else: - frame_predictions = frame_probabilities.argmax(dim=-1).cpu().data.numpy() - + frame_predictions = frame_probabilities.argmax(dim=-1).cpu().data.numpy() output_dict["frame_tags"] = [ self.vocab.get_token_from_index(f, namespace="frames_labels") for f in frame_predictions ] @@ -263,33 +231,9 @@ def make_output_human_readable( self, output_dict: Dict[str, torch.Tensor] ) -> Dict[str, torch.Tensor]: output_dict = self.decode_frames(output_dict) - if self.restrict_roles: - output_dict = self._mask_args(output_dict) output_dict = super().make_output_human_readable(output_dict) return output_dict - def _mask_args(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]: - class_probs = output_dict["class_probabilities"] - device = get_device_of(class_probs) - # torch doesn't like -1 as cpu device - device = torch.device("cuda" if device >= 0 else "cpu") - lemmas = output_dict["lemma"] - frames = output_dict["frame_tags"] - candidate_mask = torch.ones_like(class_probs, dtype=torch.bool).to(device) - for i, (l, f) in enumerate(zip(lemmas, frames)): - candidates = self.frame_role_dict.get((l, f), []) - if candidates: - canidate_ids = [ - self.vocab.get_token_index(r, namespace="labels") for r in candidates - ] - canidate_ids = torch.tensor(canidate_ids).to(device) - canidate_ids = canidate_ids.repeat(candidate_mask.shape[1], 1) - candidate_mask[i].scatter_(1, canidate_ids, False) - else: - candidate_mask[i].fill_(False) - class_probs.masked_fill_(candidate_mask, 0) - return output_dict - @overrides def get_metrics(self, reset: bool = False): if self.ignore_span_metric: @@ -303,13 +247,9 @@ def get_metrics(self, reset: bool = False): # This can be a lot of metrics, as there are 3 per class. # we only really care about the overall metrics, so we filter for them here. metric_dict_filtered = { - x.split("-")[0] + "_role": y - for x, y in metric_dict.items() - if "overall" in x #and "f1" in x - } - frame_metric_dict = { - x + "_frame": y for x, y in frame_metric_dict.items() #if "fscore" in x + x.split("-")[0] + "_role": y for x, y in metric_dict.items() if "overall" in x } + frame_metric_dict = {x + "_frame": y for x, y in frame_metric_dict.items()} return {**metric_dict_filtered, **frame_metric_dict} def _get_label_tokens(self, namespace: str = "labels"): @@ -351,17 +291,10 @@ def __init__( label_smoothing: float = None, ignore_span_metric: bool = False, srl_eval_path: str = DEFAULT_SRL_EVAL_PATH, - restrict_frames: bool = False, - restrict_roles: bool = False, **kwargs, ) -> None: # bypass SrlBert constructor Model.__init__(self, vocab, **kwargs) - self.lemma_frame_dict = load_lemma_frame(LEMMA_FRAME_PATH) - self.frame_role_dict = load_role_frame(FRAME_ROLE_PATH) - self.restrict_frames = restrict_frames - self.restrict_roles = restrict_roles - if isinstance(model_name, str): self.transformer = AutoModel.from_pretrained(model_name) else: @@ -435,6 +368,7 @@ def forward( # type: ignore input_ids=util.get_token_ids_from_text_field_tensors(tokens), token_type_ids=verb_indicator, attention_mask=mask, + return_dict=False, ) # extract embeddings @@ -489,32 +423,7 @@ def forward( # type: ignore def decode_frames(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]: # frame prediction frame_probabilities = output_dict["frame_probabilities"] - if self.restrict: - frame_probabilities = frame_probabilities.cpu().data.numpy() - lemmas = output_dict["lemma"] - candidate_labels = [self.lemma_frame_dict.get(l, []) for l in lemmas] - # clear candidates from unknowns - label_set = set(k for k in self._get_label_tokens("frames_labels")) - candidate_labels_ids = [ - [ - self.vocab.get_token_index(l, namespace="frames_labels") - for l in cl - if l in label_set - ] - for cl in candidate_labels - ] - - frame_predictions = [] - for cl, fp in zip(candidate_labels_ids, frame_probabilities): - # restrict candidates from verbatlas inventory - fp_candidates = np.take(fp, cl) - if fp_candidates.size > 0: - frame_predictions.append(cl[fp_candidates.argmax(axis=-1)]) - else: - frame_predictions.append(fp.argmax(axis=-1)) - else: - frame_predictions = frame_probabilities.argmax(dim=-1).cpu().data.numpy() - + frame_predictions = frame_probabilities.argmax(dim=-1).cpu().data.numpy() output_dict["frame_tags"] = [ self.vocab.get_token_from_index(f, namespace="frames_labels") for f in frame_predictions ] @@ -530,7 +439,7 @@ def make_output_human_readable( output_dict = self.decode_frames(output_dict) # if self.restrict: # output_dict = self._mask_args(output_dict) - # output_dict = super().make_output_human_readable(output_dict) + output_dict = super().make_output_human_readable(output_dict) roles_probabilities = output_dict["role_probabilities"] roles_predictions = roles_probabilities.argmax(dim=-1).cpu().data.numpy() @@ -540,26 +449,6 @@ def make_output_human_readable( ] return output_dict - def _mask_args(self, output_dict: Dict[str, torch.Tensor]) -> Dict[str, torch.Tensor]: - class_probs = output_dict["class_probabilities"] - device = get_device_of(class_probs) - lemmas = output_dict["lemma"] - frames = output_dict["frame_tags"] - candidate_mask = torch.ones_like(class_probs, dtype=torch.bool).to(device) - for i, (l, f) in enumerate(zip(lemmas, frames)): - candidates = self.frame_role_dict.get((l, f), []) - if candidates: - canidate_ids = [ - self.vocab.get_token_index(r, namespace="labels") for r in candidates - ] - canidate_ids = torch.tensor(canidate_ids).to(device) - canidate_ids = canidate_ids.repeat(candidate_mask.shape[1], 1) - candidate_mask[i].scatter_(1, canidate_ids, False) - else: - candidate_mask[i].fill_(False) - class_probs.masked_fill_(candidate_mask, 0) - return output_dict - @overrides def get_metrics(self, reset: bool = False): role_metric_dict = self.f1_role_metric.get_metric(reset=reset) @@ -582,4 +471,3 @@ def _get_label_ids(self, namespace: str = "labels"): return self.vocab.get_index_to_token_vocabulary(namespace).keys() default_predictor = "transformer_srl" - diff --git a/transformer_srl/predictors.py b/transformer_srl/predictors.py index 98c5e2a..a4f0ddf 100644 --- a/transformer_srl/predictors.py +++ b/transformer_srl/predictors.py @@ -1,6 +1,6 @@ import enum from typing import List, Dict, Type -from allennlp.data.tokenizers.token import Token +from allennlp.data.tokenizers.token_class import Token import numpy from allennlp.common import plugins @@ -17,7 +17,10 @@ @Predictor.register("transformer_srl") class SrlTransformersPredictor(SemanticRoleLabelerPredictor): def __init__( - self, model: Model, dataset_reader: DatasetReader, language: str = "en_core_web_sm", + self, + model: Model, + dataset_reader: DatasetReader, + language: str = "en_core_web_sm", ) -> None: super().__init__(model, dataset_reader, language) @@ -180,9 +183,9 @@ def from_archive( model_type = config.get("model").get("type") model_class, _ = Model.resolve_class_name(model_type) predictor_name = model_class.default_predictor - predictor_class: Type[Predictor] = Predictor.by_name( # type: ignore - predictor_name - ) if predictor_name is not None else cls + predictor_class: Type[Predictor] = ( + Predictor.by_name(predictor_name) if predictor_name is not None else cls # type: ignore + ) if dataset_reader_to_load == "validation" and "validation_dataset_reader" in config: dataset_reader_params = config["validation_dataset_reader"] diff --git a/transformer_srl/resources/frame2role.csv b/transformer_srl/resources/frame2role.csv deleted file mode 100644 index 052967c..0000000 --- a/transformer_srl/resources/frame2role.csv +++ /dev/null @@ -1,4942 +0,0 @@ -abandon DISCARD B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -abandon CHANGE_SWITCH I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -abandon GIVE-UP_ABOLISH_ABANDON I-Patient B-Patient I-Recipient B-Agent B-Recipient O B-V I-V I-Agent -abase DOWNPLAY_HUMILIATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -abate REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -abdicate GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -abduct REMOVE_TAKE-AWAY_KIDNAP I-Patient O I-V B-Patient B-Agent I-Agent B-V -abet INCITE_INDUCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -abhor DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -abide OBEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -able EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -abolish GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -abominate DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -abort STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -abound EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -abridge REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -absent LEAVE_DEPART_RUN-AWAY B-Cause O I-Theme I-Cause B-V I-V I-Source B-Theme B-Source -absolve PARDON B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -absorb ABSORB O B-Agent B-Instrument I-Theme B-V I-Instrument I-V I-Source B-Theme I-Agent B-Source -abstain ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -abuse SPEAK I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -abut BORDER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -accede AGREE_ACCEPT I-V B-Theme O B-Agent I-Theme I-Agent B-V -accelerate SPEED-UP B-Source O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -accent EMPHASIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -accentuate EMPHASIZE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -accept AGREE_ACCEPT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -access ENTER I-Destination I-V B-Agent O B-Destination I-Agent B-V -accessorize LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -acclaim APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -accommodate LOAD_PROVIDE_CHARGE_FURNISH I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -accompany ACCOMPANY O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -accomplish ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -accord GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -account AMELIORATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -accredit LOAD_PROVIDE_CHARGE_FURNISH B-Attribute O I-Recipient B-Recipient I-Attribute B-Agent B-V I-V I-Agent -accrete INCREASE_ENLARGE_MULTIPLY I-Patient O B-Attribute I-V B-Patient I-Attribute B-V -accrue INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -accumulate AMASS O B-Agent I-Theme I-Asset B-V I-V B-Asset B-Theme I-Agent -accuse ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -accustom CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -ache HURT_HARM_ACHE I-V O B-Agent I-Agent B-V -achieve ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -acidify CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -acknowledge RECOGNIZE_ADMIT_IDENTIFY B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -acquaint KNOW B-Attribute O I-Attribute I-Theme B-V B-Experiencer I-V I-Experiencer B-Theme -acquiesce AGREE_ACCEPT I-V B-Theme O B-Agent I-Theme I-Agent B-V -acquire OBTAIN O B-Agent B-Destination I-Theme I-Asset B-V I-V I-Source B-Asset B-Theme I-Agent B-Source I-Destination -acquit SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -act BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -act CARRY-OUT-ACTION I-Patient O I-V B-Patient B-Agent I-Agent B-V -activate OPERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -actualize CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -adapt ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Source I-Agent B-Source -add SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -add ADD I-Patient B-Patient O B-V I-Result B-Co-Patient B-Agent I-Co-Patient B-Extent I-V B-Result I-Agent I-Extent -add REACH B-Cause B-Goal O I-Theme I-Cause B-V I-Goal I-V B-Theme -addict CAUSE-SMT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -address SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -address FOCUS B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -adhere ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -adhere FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -adjourn FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -adjust ADJUST_CORRECT I-Patient I-Purpose B-Goal B-Patient B-Agent O B-Purpose B-V I-Goal I-V I-Source I-Agent B-Source -administer GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -administrate LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -admire LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -admit RECOGNIZE_ADMIT_IDENTIFY O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -admit AUTHORIZE_ADMIT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -admonish WARN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -admonish REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -adopt LEARN B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -adore LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -adorn EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -advance INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -advance AMELIORATE I-Patient O I-V B-Patient B-Material I-Material B-V -advantage OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -advertise PUBLICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -advise INFORM O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -advocate PROPOSE O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -affect AFFECT O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -affect DECEIVE I-Instrument B-Instrument I-V O B-Agent I-Agent B-V -affiliate ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent O B-Agent I-Cause B-Co-Agent B-V I-V I-Agent -affirm PROVE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -afflict HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -afford EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -afford LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -age DEVELOP_AGE B-Cause B-Attribute O I-Attribute I-Theme I-Cause B-V I-V B-Theme -aggravate WORSEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -agitate CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -agonize HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -agree AGREE_ACCEPT I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -aid HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -ail HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -aim REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -aim DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -air TRANSMIT O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -airlift CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -alarm CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -alert WARN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -alienate AROUSE_WAKE_ENLIVEN O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -align ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -allay WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -allege AFFIRM O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -alleviate HELP_HEAL_CARE_CURE I-V B-Theme O B-Agent I-Theme I-Agent B-V -allocate GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -allot GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -allow AUTHORIZE_ADMIT O I-Theme B-V I-Beneficiary B-Beneficiary B-Agent I-V B-Theme I-Agent -allow RECOGNIZE_ADMIT_IDENTIFY I-Topic I-V B-Topic O B-Agent I-Agent B-V -allude CITE I-V B-Theme O B-Agent I-Theme I-Agent B-V -ally ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent O B-Agent I-Cause B-Co-Agent B-V I-V I-Agent -alter CHANGE_SWITCH I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -alternate ALTERNATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -amalgamate COMBINE_MIX_UNITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -amass AMASS O B-Agent I-Theme I-Asset B-V I-V B-Asset B-Theme I-Agent -amaze CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -amble MOVE-ONESELF I-V B-Theme O I-Theme B-V -ambush ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -amend ADJUST_CORRECT I-Patient I-Purpose B-Patient B-Agent O B-Purpose B-V I-V I-Agent -americanize CHANGE-APPEARANCE/STATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -amortize PAY O B-Agent I-Asset B-V B-Extent I-V B-Asset I-Agent I-Extent -amount REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -amount MEAN B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -amplify INCREASE_ENLARGE_MULTIPLY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -amputate REMOVE_TAKE-AWAY_KIDNAP I-Patient O I-V B-Patient B-Agent I-Agent B-V -amuse CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -analyze ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -anchor ATTACH I-Patient O I-V B-Patient B-Agent I-Agent B-V -anger CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -angle INCLINE I-Patient I-Destination O I-V B-Patient B-Destination B-V -animate CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -annihilate KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -announce DECREE_DECLARE I-Result O I-Recipient B-Agent B-Recipient B-V I-V B-Topic B-Result I-Agent I-Topic -annoy CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -annul CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -anoint GIVE_GIFT I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -answer ANSWER O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -antagonize FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -anticipate GUESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -anticipate PRECEDE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -apologize JUSTIFY_EXCUSE B-Cause O B-Agent B-Destination I-Cause B-V I-V I-Agent I-Destination -appall CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -appeal ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -appeal LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -appear APPEAR I-V B-Theme O I-Theme B-V -appear SEEM B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -appease MAKE-RELAX B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -append ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -applaud APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -apply ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -apply USE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -apply PUT_APPLY_PLACE_PAVE I-Location O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent B-Location -appoint ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -appraise CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -appreciate INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -appreciate LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -apprehend REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -apprise INFORM O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -approach GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -approach LEARN B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -appropriate STEAL_DEPRIVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -approve APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -approximate CALCULATE_ESTIMATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -arbitrage WORK I-Goal I-V B-Goal O B-Agent I-Agent B-V -arbitrate NEGOTIATE I-Topic I-V B-Topic O B-Agent I-Agent B-V -arch BEND I-Patient O I-V B-Patient B-Agent I-Agent B-V -argue SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -arise BEGIN I-V B-Theme I-Source O I-Theme B-Source B-V -arm LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -armor LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -arouse AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -arraign SUMMON I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -arrange ORGANIZE I-Result O B-Agent I-Theme B-Material B-V I-Beneficiary I-V B-Result B-Theme I-Agent I-Material B-Beneficiary -arrest CAGE_IMPRISON B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -arrest STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -arrive ARRIVE B-Source O B-Agent B-Destination B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -articulate EXPLAIN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -ascend RAISE I-Destination I-V B-Theme O B-Destination I-Theme B-V -ascertain VERIFY I-V B-Theme O B-Agent I-Theme I-Agent B-V -ascribe ASCRIBE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -ask ASK_REQUEST B-Attribute O I-Theme B-V I-Recipient I-Attribute B-Agent B-Recipient I-V B-Theme I-Agent -ask REQUIRE_NEED_WANT_HOPE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -asphyxiate KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -aspire REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -assail ATTACK_BOMB I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -assassinate KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -assault ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -assemble MOUNT_ASSEMBLE_PRODUCE I-Result O B-Agent B-Material B-V I-Product I-V B-Result B-Product I-Agent I-Material -assemble GROUP I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -assert DECREE_DECLARE I-Result I-V O B-Agent I-Agent B-Result B-V -assert AFFIRM B-Attribute O I-Theme B-V I-Recipient I-Attribute B-Agent B-Recipient I-V B-Theme I-Agent -assess CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -assign ASCRIBE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -assimilate CO-OPT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -assist HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -associate CORRELATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -assuage MAKE-RELAX B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -assume PAY O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-Beneficiary I-V B-Asset B-Theme I-Agent B-Beneficiary -assume SUPPOSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -assure GUARANTEE_ENSURE_PROMISE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -astonish CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -astound CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -atone JUSTIFY_EXCUSE B-Cause I-Agent I-V O B-Agent I-Cause B-V -atrophy WEAKEN I-Patient B-V I-V O B-Patient -attach ATTACH I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -attack CRITICIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -attain ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -attempt TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -attend ATTEND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -attest VERIFY I-V B-Theme O B-Agent I-Theme I-Agent B-V -attire EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -attract ATTRACT_SUCK I-Patient B-Patient B-Agent B-Instrument B-Destination O B-V I-Instrument I-V I-Agent I-Destination -attribute ASCRIBE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -auction SELL O I-Theme B-V I-Beneficiary B-Asset B-Beneficiary I-Recipient B-Agent B-Recipient I-Asset I-V B-Theme I-Agent -audit VERIFY I-V B-Theme O B-Agent I-Theme I-Agent B-V -audition TRY O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -augment INCREASE_ENLARGE_MULTIPLY I-Patient B-Patient B-Agent O B-V B-Extent I-V I-Agent I-Extent -augur GUESS O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -author CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -authorize AUTHORIZE_ADMIT I-Purpose O B-Agent I-Theme B-Purpose B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -autograph WRITE I-Destination I-V B-Agent O B-Destination I-Agent B-V -automate AUTOMATIZE I-Patient O I-V B-Patient B-Agent I-Agent B-V -avail LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -avenge PUNISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -aver AFFIRM I-V B-Theme O B-Agent I-Theme I-Agent B-V -average CALCULATE_ESTIMATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme B-Value I-Value I-V B-Theme I-Agent -avert ABSTAIN_AVOID_REFRAIN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V I-Source B-Theme I-Agent B-Source -avoid ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -await WAIT O B-Agent I-Theme B-V B-Extent I-V B-Theme I-Agent I-Extent -awake AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -awaken AROUSE_WAKE_ENLIVEN O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -award GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -awe CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -babysit WATCH_LOOK-OUT B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -back FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -back MOVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -back HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -back BORDER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -back COPY O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -back STOP I-V B-Theme O I-Theme B-V -backfire MOVE-BACK I-Destination I-V B-Theme O B-Destination I-Theme B-V -backpedal ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -backtrack MOVE-BACK B-Location B-Source I-Location O B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -badmouth OFFEND_DISESTEEM B-Cause O B-Agent I-Cause B-Experiencer B-V I-V I-Experiencer I-Agent -baffle CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -bail GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -bail LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -bake COOK I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Source I-Agent B-Source B-Beneficiary -balance COMPENSATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -balk REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -balloon MOVE-BY-MEANS-OF I-V O B-Agent I-Agent B-V -balloon INCREASE_ENLARGE_MULTIPLY I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -ballyhoo PUBLICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -ban PRECLUDE_FORBID_EXPEL O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -band SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Attribute B-Patient I-Attribute B-Agent O I-Co-Patient B-V I-V I-Agent -bandage ENCLOSE_WRAP O B-Agent I-Theme B-V I-V B-Theme I-Agent -bandy DISCUSS I-Topic I-V B-Topic O B-Agent I-Agent B-V -bang HIT I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -banish DRIVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -bank RETAIN_KEEP_SAVE-MONEY I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -bank RELY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -bankroll PAY O I-Recipient B-Agent B-Recipient I-Asset B-V I-V B-Asset I-Agent -bankrupt FAIL_LOSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -baptize AUTHORIZE_ADMIT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -baptize COMMUNE I-V B-Theme O B-Agent I-Theme I-Agent B-V -bar PRECLUDE_FORBID_EXPEL O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -barb LOAD_PROVIDE_CHARGE_FURNISH I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -barbecue COOK I-Patient O I-V B-Patient B-Agent I-Agent B-V -bargain NEGOTIATE I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -barge CARRY_TRANSPORT I-Destination I-V B-Agent O B-Destination I-Agent B-V -bark SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -barnstorm TRAVEL B-Cause I-V B-Theme O I-Theme I-Cause B-V -barrel RUN I-Destination I-V B-Theme O B-Destination I-Theme B-V -barricade STOP I-Location O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent B-Location -barter CHANGE-HANDS I-Co-Agent O I-Co-Theme B-Agent I-Theme B-V B-Co-Agent B-Co-Theme I-V B-Theme I-Agent -base BE-LOCATED_BASE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -base GROUND_BASE_FOUND O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -bash HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -bask ENJOY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -bat MOVE-SOMETHING I-V B-Theme O B-Agent I-Theme I-Agent B-V -bat SCORE I-V B-Theme O B-Agent I-Theme I-Agent B-V -bathe WASH_CLEAN I-Instrument B-Instrument I-V O B-Agent I-Agent B-V -batter HIT I-Patient B-Attribute B-Patient I-Attribute B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -battle FIGHT I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -be COPULA B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -be EXIST_LIVE I-V B-Theme O I-Theme B-V -be AUXILIARY O I-V B-V -be SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -beam TRANSMIT I-V B-Theme O B-Agent I-Theme I-Agent B-V -beam LAUGH I-Topic I-V B-Topic O B-Agent I-Agent B-V -bear TOLERATE B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -bear GIVE-BIRTH I-Patient O I-V B-Patient B-Agent I-Agent B-V -bear CONTINUE I-V O B-Agent I-Agent B-V -bear STRENGTHEN_MAKE-RESISTANT I-Patient O I-V B-Patient B-Agent I-Agent B-V -bear CORRELATE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -beat HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -beat PERFORM O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -beat DEFEAT I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -beatify APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -beautify EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -beckon SIGNAL_INDICATE I-Topic I-V B-Topic O B-Agent I-Agent B-V -become CHANGE_SWITCH I-Patient I-Result O I-V B-Patient B-Result B-V -become AUXILIARY O I-V B-V -bedevil CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -beef STRENGTHEN_MAKE-RESISTANT I-Patient B-Patient B-Agent B-Instrument O B-V B-Extent I-Instrument I-V I-Agent I-Extent -beep MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -befall HAPPEN_OCCUR B-Experiencer I-V B-Theme O I-Experiencer I-Theme B-V -befit HARMONIZE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -befriend BEFRIEND B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -beg ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -begin BEGIN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -begrudge CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -beguile DECEIVE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -behave BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -behead KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -belay SECURE_FASTEN_TIE I-Patient O I-V B-Patient B-Agent I-Agent B-V -belie SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -believe BELIEVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -belittle CRITICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -bellow SHOUT O I-Recipient B-Recipient I-Theme B-V I-V B-Topic B-Theme I-Topic -belly-flop FAIL_LOSE I-V B-Theme O I-Theme B-V -belong POSSESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -bemoan REGRET_SORRY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -bend BEND I-Patient O I-V B-Patient B-Agent I-Agent B-V -bend GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -benefit HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -bequeath GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -berate REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -bereave STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -beseech ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -beset CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -besiege CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -besmirch ACCUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -best DEFEAT I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -bestow GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -bet GUESS O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -betray BETRAY I-Patient O I-V B-Patient B-Agent I-Agent B-V -betroth ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent O B-Agent I-Cause B-Co-Agent B-V I-V I-Agent -better AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -beware WATCH_LOOK-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -bewilder CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -bewitch ATTRACT_SUCK I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -bias INFLUENCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -bicker ARGUE-IN-DEFENSE I-Topic I-V B-Topic O B-Agent I-Agent B-V -bicycle MOVE-BY-MEANS-OF I-Destination I-V B-Agent O B-Destination I-Agent B-V -bid OFFER O I-Theme B-V B-Asset B-Agent I-Recipient B-Recipient I-Asset I-V B-Theme I-Agent -bid REQUIRE_NEED_WANT_HOPE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -bide STAY_DWELL B-Location I-V I-Location B-Theme O I-Theme B-V -bike MOVE-BY-MEANS-OF B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -bilk STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -bill CHARGE B-Cause O I-Recipient B-Agent B-Recipient I-Cause I-Asset B-V I-V B-Asset I-Agent -bill PUBLICIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -billet LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -billow RAISE I-Destination I-V B-Theme O B-Destination I-Theme B-V -bind SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent B-Instrument O I-Co-Patient B-V I-Instrument I-V I-Agent -bind OBLIGE_FORCE I-Patient B-V I-V O B-Patient -bind PLAN_SCHEDULE I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -bitch OPPOSE_REBEL_DISSENT I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -bite EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -blab SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -blabber SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -black COLOR I-Patient O I-V B-Patient B-Agent I-Agent B-V -blacken COLOR I-Patient O I-V B-Patient B-Agent I-Agent B-V -blacklist PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -blackmail INFLUENCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -blame ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -blanket COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -blare MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -blast MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -blast CRITICIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -blast THROW I-V B-Theme O I-Theme B-V -blast ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -blast SHOOT_LAUNCH_PROPEL I-V B-Theme O I-Theme B-V -blaze BURN I-Patient B-V I-V O B-Patient -bleach COLOR I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -bleat GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -bleed EXCRETE B-Cause I-V I-Source O I-Cause B-Source B-V -bleed STEAL_DEPRIVE I-V I-Source O B-Agent I-Agent B-Source B-V -bleed CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -bleed REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -blemish BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -blend COMBINE_MIX_UNITE I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -bless COMMUNE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -blight BREAK_DETERIORATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -blind BLIND I-Patient O I-V B-Patient B-Agent I-Agent B-V -blindfold BLIND I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -blink FACIAL-EXPRESSION I-Patient O I-V B-Patient B-Agent I-Agent B-V -block STOP B-Attribute O B-Instrument I-Theme B-V I-Attribute B-Agent I-Instrument I-V B-Theme I-Agent -blockade STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -blog PUBLISH O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -bloody COVER_SPREAD_SURMOUNT I-Destination I-V B-Agent O B-Destination I-Agent B-V -bloom GROW_PLOW I-Patient B-V I-V O B-Patient -blossom GROW_PLOW I-Patient B-V I-V O B-Patient -blot DIRTY I-Destination I-V B-Agent O B-Destination I-Agent B-V -blow BREATH_BLOW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -blow SHAPE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -blow AIR B-Location I-V I-Location O B-Agent I-Agent B-V -blow EXPLODE I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -blow PERFORM I-V B-Theme O B-Agent I-Theme I-Agent B-V -blow MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -blow WASTE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -blubber CRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -bludgeon HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -blunder GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -blunder MISTAKE I-Patient O I-V B-Patient B-Agent I-Agent B-V -blunt WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -blur DIM I-Patient O I-V B-Patient B-Agent I-Agent B-V -blurt SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -board CATCH_EMBARK I-V B-Theme O B-Agent I-Theme I-Agent B-V -board STAY_DWELL B-Location I-V I-Location B-Theme O I-Theme B-V -boast BEHAVE B-Attribute O I-Attribute B-Agent I-Recipient B-Recipient B-V I-V I-Agent -boat MOVE-BY-MEANS-OF I-V O B-Agent I-Agent B-V -bob MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -bode SIGNAL_INDICATE O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -bog STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -boggle CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -boil HEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -boil SPILL_POUR I-V I-Source O B-Source B-V -bolster STRENGTHEN_MAKE-RESISTANT I-Patient B-Patient B-Agent O B-V B-Extent I-V I-Agent I-Extent -bolt LEAVE_DEPART_RUN-AWAY I-Destination I-V B-Theme O B-Destination I-Theme B-V -bolt SECURE_FASTEN_TIE I-Patient O I-V B-Patient B-Agent I-Agent B-V -bomb ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -bomb FAIL_LOSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -bombard ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -bond ATTACH I-Patient B-Patient B-Agent B-Destination B-Instrument O B-V I-Instrument I-V I-Agent I-Destination -bond GUARANTEE_ENSURE_PROMISE I-V B-Theme O I-Theme B-V -bone STUDY I-Topic I-V B-Topic O B-Agent I-Agent B-V -boo CRITICIZE B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -book RECORD B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -boom MAKE-A-SOUND O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -boom INCREASE_ENLARGE_MULTIPLY I-Patient B-V I-V O B-Patient -boost INCREASE_ENLARGE_MULTIPLY I-Patient B-Location B-Source I-Location B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -boot SPEAK I-V O B-Agent I-Agent B-V -bootleg SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -border BORDER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -bore HOLE_PIERCE I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -bore CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -borrow TAKE-A-SERVICE_RENT O B-Agent I-Theme I-Asset B-V I-V I-Source B-Asset B-Theme I-Agent B-Source -botch MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -bother CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -bottle PUT_APPLY_PLACE_PAVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -bottle STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -bottleneck STOP I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -bottom FALL_SLIDE-DOWN I-V B-Theme O I-Theme B-V -bounce MOVE-BACK B-Source O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -bounce RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient B-V I-V O B-Patient -bound GO-FORWARD I-V O B-Agent I-Agent B-V -bound BORDER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -bow LOWER O B-Agent I-Theme B-V I-Beneficiary I-Agent I-V B-Theme B-Beneficiary -bow BEND I-Patient B-V I-V O B-Patient -bow FAIL_LOSE I-V O B-Agent I-Agent B-V -bow RESIGN_RETIRE I-V I-Source O B-Agent I-Agent B-Source B-V -bowl PLAY_SPORT/GAME I-V O B-Agent I-Agent B-V -box INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -box ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -boycott REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -brace PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -brag BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -brainwash PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -braise COOK I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -branch SEPARATE_FILTER_DETACH I-Patient I-Result O B-Patient B-V I-V B-Result -brand NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -brandish SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -brave FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -brazen FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -breach VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -bread COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -break BREAK_DETERIORATE I-Patient B-Patient B-Instrument O B-V I-Result B-Agent I-Instrument I-V B-Result I-Agent -break VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -break STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -break APPEAR I-V B-Theme O B-Agent I-Theme I-Agent B-V -break BEGIN I-V B-Theme O I-Theme B-V -break SEPARATE_FILTER_DETACH I-Patient I-Result B-Co-Patient B-Attribute B-Patient B-Agent O I-Attribute I-Co-Patient B-V I-V B-Result I-Agent -break COMPENSATE I-V B-Theme O I-Theme B-V -break LEAVE_DEPART_RUN-AWAY I-V B-Theme I-Source O I-Theme B-Source B-V -break CAUSE-MENTAL-STATE B-Experiencer I-Instrument I-V I-Experiencer O B-Instrument B-V -break DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -break HAPPEN_OCCUR I-V B-Theme O I-Theme B-V -break DISBAND_BREAK-UP B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -breakthrough CHANGE_SWITCH I-Result I-V O B-Agent I-Agent B-Result B-V -breathe BREATH_BLOW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -breed GIVE-BIRTH I-Patient O I-V B-Patient B-Agent I-Agent B-V -brew PREPARE O B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -bribe CORRUPT I-Patient I-Result B-Patient B-Agent O B-V B-Value I-Value I-V B-Result I-Agent -bridge JOIN_CONNECT I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -brief TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -brighten LIGHTEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -brim FILL I-Destination I-V B-Theme O B-Destination I-Theme B-V -bring BRING B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -bring RAISE B-Location B-Source I-Location O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -bring LOWER B-Location B-Source I-Location O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -bring ACCOMPANY B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -bring HAPPEN_OCCUR I-V B-Theme O B-Agent I-Theme I-Agent B-V -bristle REACT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -broadcast TRANSMIT O I-Recipient B-Agent I-Theme B-Recipient B-V I-V I-Source B-Theme I-Agent B-Source -broaden INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -broker MANAGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -brood THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -brook TOLERATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -browbeat SUBJUGATE I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -browse SEARCH B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -bruise BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -brush REMOVE_TAKE-AWAY_KIDNAP I-V I-Source O B-Agent I-Agent B-Source B-V -brush REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -brush EMBELLISH I-Destination I-V B-Agent O B-Destination I-Agent B-V -brush TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -brutalize TREAT B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent -bubble EMIT O B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -buck RESIST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -buckle SECURE_FASTEN_TIE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -buckle PREPARE I-V O B-Agent I-Agent B-V -buckle LOWER I-V B-Theme O B-Agent I-Theme I-Agent B-V -bud BEGIN I-V B-Theme O I-Theme B-V -budge MOVE-ONESELF I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -budget GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -buff WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -buffer PROTECT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -buffet HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -bug CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -bug DECEIVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -build MOUNT_ASSEMBLE_PRODUCE I-Result O B-Agent B-Material B-V I-Product I-V B-Result B-Product I-Agent I-Material -build INCREASE_ENLARGE_MULTIPLY B-Attribute O B-Destination B-Instrument B-V B-Source I-Destination I-Attribute B-Agent B-Extent I-Instrument I-V I-Source I-Agent I-Extent -build INCLUDE-AS I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -bulge FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -bulldoze FLATTEN_SMOOTHEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -bullet SHOOT_LAUNCH_PROPEL O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -bully OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -bumble SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -bump REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Source B-Attribute B-Patient I-Attribute B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -bump HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -bundle DRESS_WEAR I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -bungle MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -bunk LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -buoy CARRY_TRANSPORT I-V B-Theme O B-Agent I-Theme I-Agent B-V -burble SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -burden BURDEN_BEAR O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -burgeon AMELIORATE I-Patient B-V I-V O B-Patient -burglarize STEAL_DEPRIVE I-V I-Source O B-Agent I-Agent B-Source B-V -burn BURN I-Patient O B-Patient B-Agent B-V I-V I-Agent -burn FINISH_CONCLUDE_END I-V B-Theme O I-Theme B-V -burnish WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -burst APPEAR B-Location I-V I-Location B-Theme O I-Theme B-V -burst EXPLODE I-Patient O I-V B-Patient B-Agent I-Agent B-V -bury BURY_PLANT I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -bust DESTROY I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -bust CATCH O B-Agent I-Theme B-V I-V B-Theme I-Agent -bustle MOVE-ONESELF I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -butcher KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -butt VIOLATE I-V O B-Agent I-Agent B-V -buttress STRENGTHEN_MAKE-RESISTANT I-Patient O I-V B-Patient B-Agent I-Agent B-V -buy BUY O I-Theme B-V I-Beneficiary B-Asset B-Beneficiary B-Source B-Agent I-Asset I-V I-Source B-Theme I-Agent -buzz MAKE-A-SOUND B-Attribute O I-Attribute I-Theme B-V I-V B-Theme -buzz LEAVE_DEPART_RUN-AWAY I-V B-Theme O I-Theme B-V -buzz VISIT B-Location I-V I-Location O B-Agent I-Agent B-V -bypass ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -cadge ASK_REQUEST I-V B-Theme O B-Agent I-Theme I-Agent B-V -cajole PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -cake COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -calculate SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -calibrate ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -call NAME B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -call SUMMON I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-Beneficiary I-V I-Agent B-Beneficiary -call ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -call CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -call SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -call FACE_CHALLENGE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -call GUESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -call LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -calm MAKE-RELAX O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -camouflage CLOUD_SHADOW_HIDE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -camp STAY_DWELL I-V O B-Agent I-Agent B-V -campaign WORK I-V B-Theme O B-Agent I-Theme I-Agent B-V -can PRESERVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -cancel CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -candy COVER_SPREAD_SURMOUNT I-Destination I-V B-Agent O B-Destination I-Agent B-V -canvass ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -cap COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -cap FINISH_CONCLUDE_END O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -capitalize FOLLOW_SUPPORT_SPONSOR_FUND O B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V I-Agent B-Beneficiary -capitalize BENEFIT_EXPLOIT I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -capitulate FAIL_LOSE I-V O B-Agent I-Agent B-V -capsize INVERT_REVERSE I-Patient O I-V B-Patient B-Agent I-Agent B-V -captain LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -caption LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -captivate LURE_ENTICE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -capture STEAL_DEPRIVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -care CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -careen GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -caricature JOKE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -carol SING O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -carouse ENJOY B-Experiencer I-Instrument I-V I-Experiencer O B-Instrument B-V -carp CRITICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -carry CARRY_TRANSPORT B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -carry CONTINUE B-Attribute O B-Destination I-Theme B-V B-Co-Agent B-Source I-Destination I-Co-Agent I-Attribute B-Agent I-V I-Source B-Theme I-Agent -carry CARRY-OUT-ACTION I-Patient O I-V B-Patient B-Agent I-Agent B-V -carry ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -cart CARRY_TRANSPORT I-V B-Theme O B-Agent I-Theme I-Agent B-V -cart PULL O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -carve CUT I-Patient B-Patient B-Agent B-Instrument O B-V I-Product I-Instrument I-V B-Product I-Agent -carve CAVE_CARVE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -cash CHANGE_SWITCH I-Patient O B-Patient B-Agent B-V I-V I-Agent -cash BENEFIT_EXPLOIT I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -cast THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -cast CHOOSE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -cast CREATE_MATERIALIZE I-Result O B-Agent B-Material B-V I-V B-Result I-Agent I-Material -castigate REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -castle PLAY_SPORT/GAME I-V O B-Agent I-Agent B-V -catalog SORT_CLASSIFY_ARRANGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -catalyze CONVERT I-Result I-V O B-Agent I-Agent B-Result B-V -catapult SHOOT_LAUNCH_PROPEL O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -catch CATCH O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -catch FIND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -catch HUNT O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -catch LEARN I-Topic I-V B-Topic O B-Agent I-Agent B-V -catch UNDERSTAND O I-Experiencer B-V B-Stimulus I-V B-Experiencer I-Stimulus -catch STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -categorize SORT_CLASSIFY_ARRANGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -cater NOURISH_FEED B-Goal O I-Recipient B-Recipient B-Agent B-V I-Goal I-V I-Agent -cause CAUSE-SMT I-Result I-V O B-Agent I-Agent B-Result B-V -caution WARN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -cave BREAK_DETERIORATE I-Patient O B-Patient B-V I-V -cease FINISH_CONCLUDE_END O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -cede GIVE-UP_ABOLISH_ABANDON I-Patient B-Patient I-Recipient B-Agent B-Recipient O B-V I-V I-Agent -celebrate APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -celebrate CELEBRATE_PARTY I-V B-Theme O B-Agent I-Theme I-Agent B-V -cement ATTACH I-Patient O I-V B-Patient B-Agent I-Agent B-V -censor PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -center FOCUS O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -centralize AMASS I-V B-Theme O B-Agent I-Theme I-Agent B-V -certify GUARANTEE_ENSURE_PROMISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -chafe CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -chain SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Attribute B-Patient I-Attribute B-Agent O I-Co-Patient B-V I-V I-Agent -chair LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -chalk RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -challenge FACE_CHALLENGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -champion FIGHT I-Topic I-V B-Topic O B-Agent I-Agent B-V -chance RISK I-V B-Theme O B-Agent I-Theme I-Agent B-V -change CHANGE_SWITCH I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -change REPLACE B-Co-Agent I-Co-Agent I-V B-Theme O I-Theme B-V -channel DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -chant PERFORM I-V B-Theme O B-Agent I-Theme I-Agent B-V -char BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -characterize REPRESENT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -charge CHARGE B-Cause O I-Recipient B-Agent B-Recipient I-Cause I-Asset B-V I-V B-Asset I-Agent -charge RUN B-Location I-V I-Location B-Theme O I-Theme B-V -charge LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient B-Agent B-Instrument B-V I-Instrument I-V I-Agent -charge PAY O B-Agent I-Theme I-Asset B-V I-V B-Asset B-Theme I-Agent -charge ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -charge LEND I-V B-Theme O B-Agent I-Theme I-Agent B-V -chart REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -charter TAKE-A-SERVICE_RENT B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -chase CHASE I-V B-Theme O B-Agent I-Theme I-Agent B-V -chasten REPRIMAND I-V B-Theme O B-Agent I-Theme I-Agent B-V -chastise REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -chat SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -chauffeur CARRY_TRANSPORT I-V B-Theme O B-Agent I-Theme I-Agent B-V -cheapen DEBASE_ADULTERATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -cheat STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -cheat DECEIVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -check VERIFY O I-Theme B-V I-Cause I-Goal B-Cause B-Goal B-Agent I-V B-Theme I-Agent -check PROVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -cheer CAUSE-MENTAL-STATE O B-Instrument B-Agent B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus I-Agent -cheer APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -cheerlead WORK I-Goal I-V B-Goal O B-Agent I-Agent B-V -cherish LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -chew EAT_BITE I-Patient O B-Patient B-Agent B-V I-V I-Agent -chide REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -chill CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -chime SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -chip SEPARATE_FILTER_DETACH I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -chip LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -chisel CAVE_CARVE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -choke HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -choke STOP O B-Agent I-Theme B-V I-V B-Theme I-Agent -choke WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -choose CHOOSE B-Attribute B-Goal O I-Attribute B-Agent I-Theme B-V I-Goal I-V I-Source B-Theme I-Agent B-Source -chop CUT O B-Agent B-Instrument B-V I-Instrument I-V I-Source I-Agent B-Source -chortle LAUGH O I-Recipient B-Agent B-Recipient B-Destination B-V I-Destination I-V B-Topic I-Agent I-Topic -christen COMMUNE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -chronicle RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -chuck DISCARD I-V B-Theme O B-Agent I-Theme I-Agent B-V -chuckle LAUGH O B-Agent I-Recipient B-Recipient B-V I-V B-Topic I-Agent I-Topic -chug GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -churn MOVE-ONESELF I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -cinch VERIFY I-V B-Theme O B-Agent I-Theme I-Agent B-V -circle MOVE-ONESELF I-V B-Theme O I-Theme B-V -circle ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -circuit TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -circulate CIRCULATE_SPREAD_DISTRIBUTE I-V B-Theme O B-Agent I-Theme I-Agent B-V -circumcise CUT I-Patient O I-V B-Patient B-Agent I-Agent B-V -circumscribe PRECLUDE_FORBID_EXPEL O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -circumvent ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -cite CITE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -cite SUMMON I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -claim AFFIRM O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -claim ASK_REQUEST B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -clamber RAISE I-V B-Theme O I-Theme B-V -clamor ASK_REQUEST I-V B-Theme O B-Agent I-Theme I-Agent B-V -clamp SECURE_FASTEN_TIE I-Patient O I-V B-Patient B-Agent I-Agent B-V -clang MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -clank MAKE-A-SOUND B-Location I-V I-Location O B-Agent I-Agent B-V -clap HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -clarify EXPLAIN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -clash QUARREL_POLEMICIZE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -classify SORT_CLASSIFY_ARRANGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -classify RESTRAIN I-Patient B-Cause O I-V B-Patient I-Cause B-V -claw CORRODE_WEAR-AWAY_SCRATCH I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -clean WASH_CLEAN I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -clean EMPTY_UNLOAD I-V I-Source O B-Agent I-Agent B-Source B-V -cleanse WASH_CLEAN I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -clear WASH_CLEAN I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -clear AUTHORIZE_ADMIT O B-Agent B-Idiom B-V I-Beneficiary I-V I-Idiom I-Agent B-Beneficiary -clear APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -clear REMOVE_TAKE-AWAY_KIDNAP I-V I-Source O B-Agent I-Agent B-Source B-V -clench PRESS_PUSH_FOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -click MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -climax FINISH_CONCLUDE_END I-Result O I-Theme B-V I-Beneficiary I-V B-Result B-Theme B-Beneficiary -climb RAISE I-Destination I-V B-Theme O B-Destination I-Theme B-V -climb INCREASE_ENLARGE_MULTIPLY B-Location B-Source I-Location O B-Agent B-Destination B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -clinch SETTLE_CONCILIATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -cling ATTACH I-Patient I-Destination O I-V B-Patient B-Destination B-V -clink MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -clip CUT I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -cloak CLOUD_SHADOW_HIDE I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -clobber HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -clock MEASURE_EVALUATE I-Patient B-Patient B-Agent B-Instrument O B-V B-Value I-Value I-Instrument I-V I-Agent -clock AFFECT O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -clog STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -clone INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -close CLOSE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -close FINISH_CONCLUDE_END I-Result B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -close SETTLE_CONCILIATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -close ISOLATE I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -close REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -close GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -clothe DRESS_WEAR I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -cloud CLOUD_SHADOW_HIDE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -clown BEHAVE B-Attribute O I-Attribute B-Agent I-Recipient B-Recipient B-V I-V I-Agent -club HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -cluster AMASS I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -clutch CATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -clutter FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -co-author CREATE_MATERIALIZE I-Co-Agent I-Result O B-Agent B-V B-Co-Agent I-V B-Result I-Agent -co-exist EXIST_LIVE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -co-found ESTABLISH I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -co-sponsor FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -coach TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -coast MOVE-ONESELF B-Location I-V I-Location B-Theme O I-Theme B-V -coat COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -coax PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -cobble MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-V B-Product I-Agent I-Material -coddle TREAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -code CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -code CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -codify SORT_CLASSIFY_ARRANGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -cohabit STAY_DWELL I-Location O I-Co-Theme I-Theme B-V B-Co-Theme I-V B-Theme B-Location -cohere COMBINE_MIX_UNITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -coil ROLL I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -coin CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -coincide HAPPEN_OCCUR I-V B-Theme O I-Theme B-V -collaborate ALLY_ASSOCIATE_MARRY I-Co-Agent O B-Agent B-Instrument B-V B-Co-Agent I-Instrument I-V I-Agent -collapse BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -collapse FAIL_LOSE B-Source O B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -collect AMASS O B-Agent I-Theme B-V I-Beneficiary I-V I-Source B-Theme I-Agent B-Source B-Beneficiary -collide HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -collude ALLY_ASSOCIATE_MARRY I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -colonize CONQUER I-Patient O I-V B-Patient B-Agent I-Agent B-V -color COLOR I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -comb SEARCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -comb STRAIGHTEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -combat FIGHT I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -combine COMBINE_MIX_UNITE I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -come ARRIVE B-Location B-Source I-Location B-Goal O B-Agent B-Destination B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent I-Destination -come FOLLOW-IN-SPACE I-V B-Theme O B-Agent I-Theme I-Agent B-V -come COME-FROM I-V I-Source O B-Agent I-Agent B-Source B-V -come RESULT_CONSEQUENCE B-Goal O B-Agent B-V I-Goal I-V I-Agent -come BUY O B-Agent I-Theme I-Asset B-V I-V B-Asset B-Theme I-Agent -come HAPPEN_OCCUR B-Attribute O I-Attribute I-Theme B-V I-V B-Theme -come START-FUNCTIONING I-Patient O I-V B-Patient B-Agent I-Agent B-V -come BRING I-V B-Theme O B-Agent I-Theme I-Agent B-V -come REFER B-Co-Theme I-V O I-Co-Theme B-V -come FIND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -come UNDERSTAND B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -come SEEM B-Experiencer I-V B-Theme O I-Experiencer I-Theme B-V -come REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -come ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -come APPEAR I-V B-Theme O I-Theme B-V -come GO-FORWARD B-Goal O B-Agent B-V I-Goal I-V I-Agent -come TAKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -come CONTRACT-AN-ILLNESS_INFECT I-Patient O I-V B-Theme B-Patient I-Theme B-V -come INFLUENCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -comfort MAKE-RELAX O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -command COST B-Value I-Value I-V B-Theme O I-Theme B-V -command ORDER I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -commandeer STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -commemorate CELEBRATE_PARTY B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -commence BEGIN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -commend APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -comment EXPLAIN B-Attribute O B-V B-Topic B-Agent I-Recipient I-Attribute B-Recipient I-V I-Agent I-Topic -commercialize SELL O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -commiserate CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -commission ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -commit GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -commit VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -commodify CHANGE-APPEARANCE/STATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -communicate INFORM O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -commute GO-FORWARD O B-Agent B-Destination B-V I-V I-Source I-Agent B-Source I-Destination -compact PRESS_PUSH_FOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -compare COMPARE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -compel OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -compensate PAY O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -compete COMPETE I-Co-Agent B-Goal O B-Agent B-V B-Co-Agent I-Goal I-V I-Agent -compile AMASS O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -complain SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -complement AMELIORATE I-Patient O I-Instrument I-V B-Patient B-Instrument B-V -complete FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -complicate WORSEN I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -compliment APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -comply OBEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -compose REPRESENT O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -compose CREATE_MATERIALIZE I-Result O B-Agent B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -compound COMBINE_MIX_UNITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -comprehend UNDERSTAND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -compress PRESS_PUSH_FOLD I-Patient B-Patient B-Agent O B-V I-Product I-V B-Product I-Agent -comprise INCLUDE-AS I-Patient I-Goal O I-V B-Goal B-Patient B-V -compromise SETTLE_CONCILIATE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -compromise ENDANGER I-Patient O I-V B-Patient B-Agent I-Agent B-V -compute CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -computerize AUTOMATIZE I-Patient O I-V B-Patient B-Agent I-Agent B-V -con JOKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -conceal CLOUD_SHADOW_HIDE I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -concede RECOGNIZE_ADMIT_IDENTIFY O B-V B-Topic B-Agent I-Recipient B-Recipient I-V I-Agent I-Topic -conceive SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -conceive CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -concentrate FOCUS O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -concentrate CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -concern CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -concern REFER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -conclude DECIDE_DETERMINE I-V B-Theme O B-Agent I-Theme I-Agent B-V -conclude FINISH_CONCLUDE_END O B-Agent B-Instrument I-Theme B-V I-Instrument B-Time I-V B-Theme I-Agent I-Time -concoct CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -concrete SPILL_POUR I-Destination I-V B-Agent O B-Destination I-Agent B-V -concur AGREE_ACCEPT I-V B-Theme O B-Agent I-Theme I-Agent B-V -condemn OBLIGE_FORCE I-Patient B-Cause B-Goal B-Patient B-Agent O I-Cause B-V I-Goal I-V I-Agent -condense CHANGE-APPEARANCE/STATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -condition OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -condition CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -condone JUSTIFY_EXCUSE B-Cause I-Agent I-V O B-Agent I-Cause B-V -conduct CIRCULATE_SPREAD_DISTRIBUTE I-V B-Theme O B-Agent I-Theme I-Agent B-V -conduct BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -confer DISCUSS B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -confer GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -confess RECOGNIZE_ADMIT_IDENTIFY O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -confide REVEAL O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -configure ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-Product I-V I-Source B-Product I-Agent B-Source -confine CAGE_IMPRISON O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -confirm AFFIRM O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -confiscate REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -conflict DISTINGUISH_DIFFER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -conform ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -confront FACE_CHALLENGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -confuse CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -congeal CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent B-Instrument B-Material O B-V I-Instrument I-V B-Result I-Agent I-Material -congest STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -congratulate APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -congregate MEET B-Cause I-V B-Theme O I-Theme I-Cause B-V -conjecture BELIEVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -conjure CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -connect JOIN_CONNECT I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -connote MEAN B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -conquer LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -consent AGREE_ACCEPT I-V B-Theme O B-Agent I-Theme I-Agent B-V -conserve PRESERVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -consider SUBJECTIVE-JUDGING I-V B-Theme O B-Agent I-Theme I-Agent B-V -consider CONSIDER B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -consign SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -consist EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -console MAKE-RELAX O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -consolidate COMBINE_MIX_UNITE I-Patient B-Co-Patient I-Location B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent B-Location -consort ACCOMPANY I-V B-Theme O B-Agent I-Theme I-Agent B-V -conspire ALLY_ASSOCIATE_MARRY I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -constitute INCLUDE-AS I-Patient I-Goal O I-V B-Goal B-Patient B-V -constrain RESTRAIN I-Patient B-Cause B-Goal B-Patient B-Instrument O I-Cause B-V I-Goal I-Instrument I-V -constrict PRESS_PUSH_FOLD I-Patient B-Source B-Patient B-Agent O B-V I-Product B-Extent I-V I-Source B-Product I-Agent I-Extent -construct MOUNT_ASSEMBLE_PRODUCE I-Result O B-Agent B-Material B-V I-Product I-V B-Result B-Product I-Agent I-Material -construe INTERPRET I-V B-Theme O B-Agent I-Theme I-Agent B-V -consult DISCUSS I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -consume CONSUME_SPEND I-Patient O I-V B-Patient B-Agent I-Agent B-V -consummate AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -contact COMMUNICATE_CONTACT I-Patient O I-V B-Patient B-Agent I-Agent B-V -contain CONTAIN B-Location B-Value I-Value I-V I-Location O B-V -contaminate DIRTY O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -contemplate TAKE-INTO-ACCOUNT_CONSIDER B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -contemporize AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -contend AFFIRM O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -contend COMPETE B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -content CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -contest CRITICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -continue CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -continue SPEAK B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -contract REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient O B-V I-Goal B-Extent I-V I-Source I-Extent -contract HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -contract CONTRACT-AN-ILLNESS_INFECT I-Patient B-Patient O I-Theme B-V I-V I-Source B-Theme B-Source -contradict REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -contrast DISTINGUISH_DIFFER O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -contravene VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -contribute LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -control MANAGE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -convene SUMMON I-Patient O I-V B-Patient B-Agent I-Agent B-V -converge GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -converse SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -convert CONVERT I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -convey INFORM O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -convict DECREE_DECLARE I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -convince PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -convoke SUMMON I-Patient O I-V B-Patient B-Agent I-Agent B-V -convolute DECEIVE I-Patient B-V I-V O B-Patient -convulse PRESS_PUSH_FOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -coo MAKE-A-SOUND O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -cook COOK I-Patient O I-V B-Patient B-Agent I-Agent B-V -cook HAPPEN_OCCUR B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -cook CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -cool COOL I-Patient O B-Patient B-Agent B-V I-V I-Source I-Agent B-Source -cooperate ALLY_ASSOCIATE_MARRY I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -coordinate ORGANIZE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -cop REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -cope FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -copy COPY O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -copyright PROTECT I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -cork CLOSE I-Patient O I-V B-Patient B-Agent I-Agent B-V -corner MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -corral ENCLOSE_WRAP I-V B-Theme O B-Agent I-Theme I-Agent B-V -correct ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -correspond COMMUNICATE_CONTACT I-Patient O I-V B-Patient B-Agent I-Agent B-V -correspond MATCH B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -corroborate PROVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -cosset TREAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -cost COST O I-Theme B-V B-Value I-Value I-Beneficiary I-V B-Theme B-Beneficiary -costume LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -couch SPEAK B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -cough EXCRETE I-V I-Source O B-Source B-V -cough GIVE_GIFT I-V B-Theme O B-Agent I-Theme I-Agent B-V -counsel WARN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -count COUNT I-V B-Theme O B-Agent I-Theme I-Agent B-V -count INCLUDE-AS I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -count RELY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -count EXIST-WITH-FEATURE I-V B-Theme O I-Theme B-V -countenance AUTHORIZE_ADMIT I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -counter REACT I-Result O B-Result B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -counteract OPPOSE_REBEL_DISSENT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -counterattack ATTACK_BOMB I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -counterbalance COMPENSATE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -countervail COMPENSATE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -couple JOIN_CONNECT I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -course TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -court COURT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -cover INCLUDE-AS I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -cover COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -cover TRANSMIT I-V B-Theme O B-Agent I-Theme I-Agent B-V -cover CLOUD_SHADOW_HIDE I-Patient O I-V B-Patient B-Agent I-Agent B-V -covet REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -cower CAUSE-MENTAL-STATE B-Experiencer I-V O I-Experiencer B-V -cowrite CREATE_MATERIALIZE I-Co-Agent I-Result O B-Agent B-V B-Co-Agent I-Beneficiary I-V B-Result I-Agent B-Beneficiary -crack MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -crack BREAK_DETERIORATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -crack SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -crack PRECLUDE_FORBID_EXPEL I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -crackle MAKE-A-SOUND I-V B-Theme O I-Theme B-V -craft MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -cram PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -cram STUDY I-Topic I-V B-Topic O B-Agent I-Agent B-V -crane EXTEND I-V B-Theme O B-Agent I-Theme I-Agent B-V -crank INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -crank MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -crash BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -crash VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -crash ESTABLISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -crave REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -crawl TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -creak MAKE-A-SOUND I-V B-Theme O I-Theme B-V -cream DEFEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -crease PRESS_PUSH_FOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -create MOUNT_ASSEMBLE_PRODUCE B-Attribute O I-Attribute B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -credit ASCRIBE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -credit ADD I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -creep TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -creep MOVE-ONESELF B-Location I-V I-Location B-Theme O I-Theme B-V -crest REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -criminalize PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -crimp ROLL I-V B-Theme O B-Agent I-Theme I-Agent B-V -cringe MOVE-BACK I-V B-Theme O I-Theme B-V -cripple HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -crisscross OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -criticize CRITICIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -croak KILL I-Patient B-V I-V O B-Patient -croon SING I-V B-Theme O B-Agent I-Theme I-Agent B-V -crop APPEAR I-V B-Theme O I-Theme B-V -cross OVERLAP I-Patient O I-V B-Patient B-Agent I-Agent B-V -cross REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -cross CANCEL_ELIMINATE I-Patient O B-Patient B-V B-Source B-Agent I-V I-Source I-Agent -cross CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -crouch LOWER I-V B-Theme O I-Theme B-V -crow ENJOY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -crowd FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -crowd ARRIVE I-Destination I-V B-Agent O B-Destination I-Agent B-V -crown COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -crucify KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -cruise TRAVEL I-V B-Theme O I-Theme B-V -cruise SEARCH B-Location I-V I-Location O B-Agent I-Agent B-V -crumble BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -crumple PRESS_PUSH_FOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -crunch BREAK_DETERIORATE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -crush BREAK_DETERIORATE I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -cry SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -cry CRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -crystallize CHANGE-APPEARANCE/STATE I-Patient B-Patient B-Agent O B-Material B-V I-V I-Agent I-Material -cuff HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -culminate REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -cultivate INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -cum EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -curb REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent B-Instrument O B-V I-Goal B-Extent I-Instrument I-V I-Source I-Agent I-Extent -cure HELP_HEAL_CARE_CURE O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -cure PRESERVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -curl ROLL I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -curry FLATTER I-Patient B-Patient B-Agent O B-V I-V B-Topic I-Agent I-Topic -curse OFFEND_DISESTEEM O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -curtail REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -curve BEND I-Patient B-V I-V O B-Patient -cushion PROTECT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -customize ADJUST_CORRECT I-Patient I-Purpose B-Patient B-Agent O B-Purpose B-V I-V I-Agent -cut CUT I-Patient B-Patient B-Instrument O B-V I-Beneficiary B-Beneficiary B-Source B-Agent I-Instrument I-V I-Source I-Agent -cut REDUCE_DIMINISH I-Patient B-Patient O B-V I-Goal B-Source B-Goal B-Agent B-Extent I-V I-Source I-Agent I-Extent -cut REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -cut LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -cut ORGANIZE I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -cycle MOVE-BY-MEANS-OF I-V O B-Agent I-Agent B-V -dab TOUCH O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -dabble WORK B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -damage BREAK_DETERIORATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -damn BEWITCH B-Attribute O I-Attribute B-Agent B-V B-Experiencer I-V I-Experiencer I-Agent -damp WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -dampen WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -dance DANCE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -dance GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -dandle TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -dangle HANG I-V B-Theme O B-Agent I-Theme I-Agent B-V -dare BEHAVE B-Attribute O I-Attribute B-Agent I-Recipient B-Recipient B-V I-V I-Agent -darken DIM I-Patient O I-V B-Patient B-Agent I-Agent B-V -dash DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -dash RUN O B-Destination I-Theme B-V I-Destination B-Agent I-V B-Theme I-Agent -date LOCATE-IN-TIME_DATE O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -date COURT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -daub COVER_SPREAD_SURMOUNT O B-Destination B-Agent B-Instrument B-V I-Instrument I-V I-Agent I-Destination -daunt CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -dawdle BEHAVE I-V O B-Agent I-Agent B-V -dawn UNDERSTAND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -dawn BEGIN I-V B-Theme O I-Theme B-V -dazzle CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -de-nuclearize CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -deactivate SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Patient O I-V B-Patient B-Agent I-Agent B-V -deafen HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -deal FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -deal CIRCULATE_SPREAD_DISTRIBUTE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -debate DISCUSS I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -debauch DEBASE_ADULTERATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -debit RECORD O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -debug ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -debunk PROVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -debut SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -decapitate KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -decay BREAK_DETERIORATE I-Patient B-V I-V O B-Patient -decease KILL I-Patient B-V I-V O B-Patient -deceive DECEIVE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -decelerate SLOW-DOWN I-Patient O I-V B-Patient B-Agent I-Agent B-V -decentralize CIRCULATE_SPREAD_DISTRIBUTE I-V B-Theme O B-Agent I-Theme I-Agent B-V -decide DECIDE_DETERMINE B-Goal O B-Agent B-Instrument I-Theme B-V I-Goal I-Instrument I-V B-Theme I-Agent -decimate KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -deck EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -declare DECREE_DECLARE I-V B-Theme O B-Agent I-Theme I-Agent B-V -declare SPEAK B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -declassify LIBERATE_ALLOW_AFFORD I-Patient O I-V B-Patient B-Agent I-Agent B-V -decline REDUCE_DIMINISH I-Patient B-Source B-Attribute B-Goal B-Patient I-Attribute O B-V I-Goal B-Extent I-V I-Source I-Extent -decline REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -decode INTERPRET B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -decommission RECALL O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -decompose DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -decontaminate WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -decorate EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -decrease REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -decree DECREE_DECLARE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -decry DISLIKE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -dedicate FOCUS O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -deduct REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -deem BELIEVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -deemphasize DEBASE_ADULTERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -deepen INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -deescalate REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -defame OFFEND_DISESTEEM O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -default FAIL_LOSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -defeat DEFEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -defect BETRAY I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -defend PROTECT O B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V I-Agent B-Beneficiary -defer DELAY O B-Agent I-Theme B-V B-Extent I-V B-Theme I-Agent I-Extent -defer GIVE-UP_ABOLISH_ABANDON I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -defile DIRTY O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -define REPRESENT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -deflate REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -deflect ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -deform SHAPE I-Patient O I-V B-Patient B-Agent I-Agent B-V -defraud STEAL_DEPRIVE O B-Agent I-Theme B-V B-Value I-Value I-V I-Source B-Theme I-Agent B-Source -defray PAY O I-Recipient B-Agent B-Recipient I-Asset B-V I-V B-Asset I-Agent -defuse REMOVE_TAKE-AWAY_KIDNAP I-V I-Source O B-Agent I-Agent B-Source B-V -defy RESIST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -degenerate WORSEN I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -degrade DEBASE_ADULTERATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -delay DELAY O B-Agent I-Theme B-V B-Extent I-V B-Theme I-Agent I-Extent -delegate ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -delete CANCEL_ELIMINATE I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -deliberate DISCUSS I-Topic I-V B-Topic O B-Agent I-Agent B-V -delight CAUSE-MENTAL-STATE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -delight SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -delight LIKE B-Cause B-Experiencer I-V O I-Experiencer I-Cause B-V -delineate SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -deliver CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -delouse REMOVE_TAKE-AWAY_KIDNAP I-V I-Source O B-Agent I-Agent B-Source B-V -delude DECEIVE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -delve EXTRACT B-Location I-V I-Location O B-Agent I-Agent B-V -demagogue SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -demand ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -demean DOWNPLAY_HUMILIATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -demilitarize REMOVE_TAKE-AWAY_KIDNAP I-V I-Source O B-Agent I-Agent B-Source B-V -demobilize DISMISS_FIRE-SMN I-V B-Theme O B-Agent I-Theme I-Agent B-V -democratize CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -demolish DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -demonize CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -demonstrate SHOW O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -demoralize CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -demote ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V I-Source B-Result B-Theme I-Agent B-Source -demur CRITICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -denigrate OFFEND_DISESTEEM B-Cause O I-Cause B-Experiencer B-Stimulus B-V I-V I-Experiencer I-Stimulus -denominate NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -denounce CRITICIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -dent BREAK_DETERIORATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -denude REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -deny REFUSE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -depart LEAVE_DEPART_RUN-AWAY O B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -depend RELY I-V B-Theme O B-Agent I-Theme I-Agent B-V -depict SHOW B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -deplete CONSUME_SPEND I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -deplore REGRET_SORRY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -deploy CIRCULATE_SPREAD_DISTRIBUTE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -deport MOVE-SOMETHING O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -depose DISMISS_FIRE-SMN I-V B-Theme O B-Agent I-Theme I-Agent B-V -deposit PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -depreciate DEBASE_ADULTERATE I-Patient B-V I-V O B-Patient -depress CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -depress REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -deprive STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -derail STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -derange MESS I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -deregulate LIBERATE_ALLOW_AFFORD I-Patient O I-V B-Patient B-Agent I-Agent B-V -deride JOKE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -derive CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -descend LOWER I-Destination I-V B-Theme O B-Destination I-Theme B-V -describe REPRESENT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -desecrate VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -desensitize WEAKEN I-Patient B-Patient B-Agent O B-V I-V B-Stimulus I-Stimulus I-Agent -desert GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -deserve EXIST-WITH-FEATURE B-Cause B-Attribute O I-Attribute I-Theme I-Cause B-V I-V B-Theme -design CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -designate NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -desire REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -desist ABSTAIN_AVOID_REFRAIN I-V O B-Agent I-Agent B-V -despair CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -despise DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -destabilize MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -destigmatize LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -destine PLAN_SCHEDULE I-Goal I-V B-Theme B-Goal O I-Theme B-V -destroy DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -destruct DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -detach SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -detail EXPLAIN I-Topic I-V B-Topic O B-Agent I-Agent B-V -detain CAGE_IMPRISON B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -detect FIND O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -deter OPPOSE_REBEL_DISSENT I-Patient B-Patient B-Agent B-Instrument I-Theme O B-V I-Instrument I-V B-Theme I-Agent -deteriorate WORSEN I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -determine DECIDE_DETERMINE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -detest DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -dethrone DISMISS_FIRE-SMN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -detract REDUCE_DIMINISH I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -devalue DEBASE_ADULTERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -devastate DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -develop BEGIN I-V B-Theme I-Source O I-Theme B-Source B-V -develop CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -deviate TURN_CHANGE-DIRECTION I-Destination I-V B-Theme O B-Destination I-Theme B-V -devise ORGANIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -devote FOCUS O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -devour EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -diagnose ANALYZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -diagram PAINT I-Destination I-V B-Agent O B-Destination I-Agent B-V -dial MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -dicker NEGOTIATE I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -dictate ORDER I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -die KILL I-Patient O B-Attribute I-V B-Patient I-Attribute B-V -die WEAKEN I-Patient B-V I-V O B-Patient -differ DISTINGUISH_DIFFER B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -differentiate DIVERSIFY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -diffuse CIRCULATE_SPREAD_DISTRIBUTE I-V B-Theme O B-Agent I-Theme I-Agent B-V -dig EXTRACT O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -dig REMOVE_TAKE-AWAY_KIDNAP I-Patient O I-V B-Patient B-Agent I-Agent B-V -digest EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -dignify APPROVE_PRAISE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -dilute DEBASE_ADULTERATE I-Patient B-Source B-Goal B-Patient B-Agent B-Instrument O B-V I-Goal B-Extent I-Instrument I-V I-Source I-Agent I-Extent -dim DIM I-Patient O I-V B-Patient B-Agent I-Agent B-V -dime CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -diminish REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -din EAT_BITE I-V O B-Agent I-Agent B-V -dine EAT_BITE O B-Agent B-V I-V I-Agent -dip REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient O B-V I-Goal B-Extent I-V I-Source I-Extent -dip DIP_DIVE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -direct DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -disable STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -disadvantage STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -disagree REFUSE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -disallow PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -disappear LEAVE_DEPART_RUN-AWAY B-Cause I-V B-Theme O I-Theme I-Cause B-V -disappoint FRUSTRATE_DISAPPOINT O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -disapprove REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -disarm STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -disassemble DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -disassociate DISBAND_BREAK-UP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -disavow REFUSE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -disband DISBAND_BREAK-UP I-V B-Theme O B-Agent I-Theme I-Agent B-V -disbelieve REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -disburse PAY O I-Recipient B-Agent B-Recipient I-Asset B-V I-V I-Source B-Asset I-Agent B-Source -discard DISCARD O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -discern PERCEIVE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -discharge CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -discharge LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -discipline PUNISH I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -disclaim REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -disclose REVEAL B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -discolor COLOR I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -discomfit CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -disconnect SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -discontinue STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -discount DEBASE_ADULTERATE I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -discount REFUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -discourage CAUSE-MENTAL-STATE O I-Theme B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus B-Theme -discourse SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -discover FIND B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -discredit OFFEND_DISESTEEM B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -discriminate UNDERSTAND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -discriminate REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -discuss DISCUSS I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -disdain DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -disembark LAND_GET-OFF I-Patient B-Location O I-V I-Location B-Patient B-V -disenchant FRUSTRATE_DISAPPOINT O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -disenfranchise STEAL_DEPRIVE I-V I-Source O B-Agent I-Agent B-Source B-V -disengage LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -disgorge EMPTY_UNLOAD O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -disgrace OFFEND_DISESTEEM B-Cause O I-Cause B-Experiencer B-Stimulus B-V I-V I-Experiencer I-Stimulus -disgruntle CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -disguise DECEIVE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -disgust DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -dish GIVE_GIFT O I-Theme B-V B-Agent I-Recipient B-Recipient I-V B-Theme I-Agent -disincline CAUSE-MENTAL-STATE B-Experiencer I-V B-Theme O I-Experiencer I-Theme B-V -disinherit STEAL_DEPRIVE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -disintegrate SEPARATE_FILTER_DETACH B-Co-Patient I-V O B-Agent I-Agent I-Co-Patient B-V -disinvite CANCEL_ELIMINATE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -dislike DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -dismantle DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -dismay CAUSE-MENTAL-STATE O I-Theme B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus B-Theme -dismember SEPARATE_FILTER_DETACH B-Co-Patient I-V O B-Agent I-Agent I-Co-Patient B-V -dismiss DISMISS_FIRE-SMN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -dismiss NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -disobey OPPOSE_REBEL_DISSENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -disorient ORIENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -disown REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -disparage CRITICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -dispatch SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -dispel DRIVE-BACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -dispense GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -dispense GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -disperse CIRCULATE_SPREAD_DISTRIBUTE I-V B-Theme O B-Agent I-Theme I-Agent B-V -displace REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -display SHOW I-Location O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent B-Location -displease CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -dispose DISCARD O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -dispose CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -disprove PROVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -dispute QUARREL_POLEMICIZE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -disqualify CANCEL_ELIMINATE I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -disregard DOWNPLAY_HUMILIATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -disrespect OFFEND_DISESTEEM B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -disrupt MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -dissatisfy CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -dissect ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -dissemble CLOUD_SHADOW_HIDE I-V O B-Agent I-Agent B-V -disseminate CIRCULATE_SPREAD_DISTRIBUTE I-V B-Theme O B-Agent I-Theme I-Agent B-V -dissent OPPOSE_REBEL_DISSENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -dissimulate CLOUD_SHADOW_HIDE I-Patient O I-V B-Patient B-Agent I-Agent B-V -dissipate LEAVE_DEPART_RUN-AWAY B-Cause I-V B-Theme O I-Theme I-Cause B-V -dissociate DISBAND_BREAK-UP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -dissolve DESTROY I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -dissuade PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -distance MOVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -distil EXTRACT O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -distill EXTRACT O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -distinguish SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -distort REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -distract CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -distress CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -distribute CIRCULATE_SPREAD_DISTRIBUTE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -distrust RELY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -disturb CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -dive DIP_DIVE I-Patient B-Goal B-Patient B-Destination O B-V I-Goal I-V I-Destination -dive REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient O B-V I-Goal B-Extent I-V I-Source I-Extent -diverge SEPARATE_FILTER_DETACH I-Patient B-V I-V O B-Patient -diversify DIVERSIFY I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -divert TURN_CHANGE-DIRECTION O B-Destination B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -divest REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -divide DIVIDE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -divide SEPARATE_FILTER_DETACH I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -divorce DISBAND_BREAK-UP O I-Theme B-V B-Co-Theme I-Co-Theme B-Agent I-V B-Theme I-Agent -divulge REVEAL O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -divvy SEPARATE_FILTER_DETACH I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -dizzy CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -do AUXILIARY O I-V B-V -do RESULT_CONSEQUENCE I-Co-Agent B-Goal O B-Agent B-Instrument I-Theme B-V B-Co-Agent I-Goal I-Instrument I-V B-Theme I-Agent -do KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -do CORRELATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -do LIGHT-VERB O I-V B-V -dock LAND_GET-OFF I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -document LOAD_PROVIDE_CHARGE_FURNISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -dodge ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -doff REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Source I-Agent B-Source -dog CHASE I-V B-Theme O B-Agent I-Theme I-Agent B-V -dole GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -dollarize CHANGE_SWITCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -dominate LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -don DRESS_WEAR I-Patient O I-V B-Theme B-Patient I-Theme B-V -donate GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -doom DECREE_DECLARE I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -dot COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -double INCREASE_ENLARGE_MULTIPLY I-Patient B-Attribute B-Patient I-Attribute B-Agent B-Destination O B-V I-V I-Source I-Agent B-Source I-Destination -double WORK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -doubt BELIEVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -douse WET I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -dovetail FIT B-Location B-Value I-Value I-V I-Location O B-V -down KNOCK-DOWN I-Patient O I-V B-Patient B-Agent I-Agent B-V -downgrade REPLACE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -downgrade WORSEN I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -downlink TRANSMIT O I-Recipient B-Agent I-Theme B-Recipient B-V I-V I-Source B-Theme I-Agent B-Source -download TRANSMIT O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -downplay DOWNPLAY_HUMILIATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -downsize REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -doze SLEEP I-V O B-Agent I-Agent B-V -draft CREATE_MATERIALIZE I-Co-Agent I-Result O B-Agent B-V B-Co-Agent I-Beneficiary I-V B-Result I-Agent B-Beneficiary -drag PULL O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -drain EMPTY_UNLOAD O B-Agent B-Destination B-V I-V I-Source I-Agent B-Source I-Destination -drape COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -draw PAINT O B-Destination B-Agent B-V I-Beneficiary I-V B-Beneficiary I-Agent I-Destination -draw OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -draw SHOW O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -dread CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -dream IMAGINE I-V B-Theme O B-Agent I-Theme I-Agent B-V -dream THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -dream CAUSE-MENTAL-STATE B-Experiencer I-V O I-Experiencer B-V -dredge SEARCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -dredge REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -drench WET I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -dress DRESS_WEAR I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -dress EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -dress REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -drift TRAVEL I-V B-Theme O I-Theme B-V -drill HOLE_PIERCE I-Patient I-Result B-Goal B-Patient B-Agent B-Instrument O B-V I-Goal I-Instrument I-V B-Result I-Agent -drill TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -drink DRINK I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -drink CELEBRATE_PARTY I-V B-Theme O B-Agent I-Theme I-Agent B-V -drip SPILL_POUR O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -drip EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -drive MOVE-BY-MEANS-OF B-Attribute O I-Theme B-V B-Agent I-Attribute I-V B-Theme I-Agent -drone MAKE-A-SOUND I-V B-Theme O I-Theme B-V -drool SPILL_POUR O B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -drop DROP I-Patient B-Source B-Attribute B-Patient I-Attribute B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -drop VISIT B-Source I-Location O B-Agent B-V B-Extent I-V I-Source I-Agent I-Extent B-Location -drop EMPTY_UNLOAD O B-Agent B-Destination I-Theme B-Instrument B-V B-Extent I-Instrument I-V B-Theme I-Agent I-Extent I-Destination -drop GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -drop DISMISS_FIRE-SMN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -drop SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -drop CONSUME_SPEND I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -drown DIP_DIVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -drown KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -drown CLOUD_SHADOW_HIDE I-Patient O I-V B-Patient B-Agent I-Agent B-V -drug GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -drum GROUP I-V B-Theme O B-Agent I-Theme I-Agent B-V -dry CONSUME_SPEND I-Patient O I-V B-Patient B-Agent I-Agent B-V -dry DRY I-Patient O B-Patient B-Agent B-V I-V I-Agent -dub NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -duck ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -duel FIGHT I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -dull DIM I-Patient O I-V B-Patient B-Agent I-Agent B-V -dump DISCARD O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -dupe DECEIVE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -duplicate COPY I-V B-Theme O B-Agent I-Theme I-Agent B-V -dust WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -dwarf COMPARE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -dwell STAY_DWELL B-Location I-V I-Location B-Theme O I-Theme B-V -dwindle REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient O B-V I-Goal B-Extent I-V I-Source I-Extent -dye COLOR I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -dyke ENCLOSE_WRAP I-V B-Theme O B-Agent I-Theme I-Agent B-V -earmark RETAIN_KEEP_SAVE-MONEY I-Purpose O B-Agent I-Theme B-Purpose B-V I-V B-Theme I-Agent -earn EARN O I-Theme I-Asset B-V I-Beneficiary I-V I-Source B-Asset B-Theme B-Beneficiary B-Source -ease REDUCE_DIMINISH I-Patient B-Source I-Location B-Goal B-Patient O B-V I-Goal B-Extent I-V I-Source I-Extent B-Location -ease MAKE-RELAX B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -ease GO-FORWARD B-Cause O B-Agent B-Destination I-Cause B-V I-V I-Source I-Agent B-Source I-Destination -ease SIMPLIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -eat EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -eat CONSUME_SPEND I-Patient O I-V B-Patient B-Agent I-Agent B-V -eat CORRODE_WEAR-AWAY_SCRATCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -eavesdrop HEAR_LISTEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -ebb REDUCE_DIMINISH I-Patient B-V I-V O B-Patient -echo REPEAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -eclipse COMPARE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -economize RETAIN_KEEP_SAVE-MONEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -edge GO-FORWARD B-Location B-Source I-Location B-Goal O B-Agent B-Destination B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent I-Destination -edge DEFEAT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -edit ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -editorialize SPEAK B-Location B-Attribute I-Location O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -educate TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -eek GO-FORWARD O B-Agent B-Destination B-V I-V I-Source I-Agent B-Source I-Destination -effect CAUSE-SMT I-Patient O B-Patient B-Instrument B-V I-Result B-Agent I-V I-Instrument B-Result I-Agent -effectuate CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -eject DRIVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -elaborate EXPLAIN I-Topic I-V B-Topic O B-Agent I-Agent B-V -elapse SPEND-TIME_PASS-TIME I-V O B-Asset I-Asset B-V -elect CHOOSE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -electrify CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -electrocute KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -electroplate COVER_SPREAD_SURMOUNT O B-Destination B-Agent B-Instrument B-V I-Instrument I-V I-Agent I-Destination -elevate RAISE O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -elicit AROUSE_WAKE_ENLIVEN I-Result O B-Result B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -eliminate CANCEL_ELIMINATE I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -elongate EXTEND I-V B-Theme O B-Agent I-Theme I-Agent B-V -elucidate EXPLAIN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -elude ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -email COMMUNICATE_CONTACT O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -emanate FLOW B-Cause O B-Destination I-Theme I-Cause B-V I-V I-Source B-Theme B-Source I-Destination -emasculate WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -embargo STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -embark BEGIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -embarrass CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -embattle PREPARE I-Purpose O B-Agent B-Material I-Material B-Purpose B-V I-Product B-Extent I-V B-Product I-Agent I-Extent -embed SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -embellish EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -embezzle STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -emblazon EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -embody REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -embolden INCITE_INDUCE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -emboss WRITE I-Result O B-Agent B-Destination B-V I-V B-Result I-Agent I-Destination -embrace INCLUDE-AS I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -embrace TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -embroider EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -embroil OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -emerge COME-FROM I-V I-Source O B-Agent I-Agent B-Source B-V -emerge APPEAR B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -emigrate LEAVE_DEPART_RUN-AWAY O B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -emit EMIT I-V B-Theme I-Source O I-Theme B-Source B-V -emote PERFORM I-V O B-Agent I-Agent B-V -emotion FEEL B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -empathize CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -emphasize EMPHASIZE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -emplace PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -employ HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -employ USE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -empower AUTHORIZE_ADMIT I-Purpose O B-Agent B-Purpose B-V I-Beneficiary I-V I-Agent B-Beneficiary -empty EMPTY_UNLOAD O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -emulate FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -enable HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -enact ORDER I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -encapsulate ENCLOSE_WRAP I-V B-Theme O B-Agent I-Theme I-Agent B-V -encase ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -enchain STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -enchant ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -encircle ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -enclose ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -encode CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -encompass INCLUDE-AS I-Patient I-Goal O I-V B-Goal B-Patient B-V -encounter FIND I-V B-Theme O B-Agent I-Theme I-Agent B-V -encourage INCITE_INDUCE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -encourage FOLLOW_SUPPORT_SPONSOR_FUND O B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V I-Agent B-Beneficiary -encrypt CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -encumber BURDEN_BEAR O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -end FINISH_CONCLUDE_END O B-Instrument I-Theme B-V B-Source I-Source I-Result B-Agent I-Extent B-Extent I-Instrument B-Time I-V B-Result B-Theme I-Agent I-Time -end RESULT_CONSEQUENCE I-Goal I-V B-Theme B-Goal O I-Theme B-V -endanger ENDANGER I-Patient O I-V B-Patient B-Agent I-Agent B-V -endeavor TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -endorse FOLLOW_SUPPORT_SPONSOR_FUND B-Goal O B-Agent B-V I-Goal I-Beneficiary I-V I-Agent B-Beneficiary -endow GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -endure CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -energize AROUSE_WAKE_ENLIVEN O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -enflame AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -enforce CARRY-OUT-ACTION I-Patient O I-V B-Patient B-Agent I-Agent B-V -engage CARRY-OUT-ACTION I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -engender CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -engineer ORGANIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -engrave CAVE_CARVE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -engulf COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -enhance INCREASE_ENLARGE_MULTIPLY I-Patient B-Patient B-Agent B-Instrument O B-V B-Extent I-Instrument I-V I-Agent I-Extent -enjoin PRECLUDE_FORBID_EXPEL O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -enjoy ENJOY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -enlarge INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -enlighten EXPLAIN O I-Recipient B-Agent B-Recipient B-Instrument B-V I-Instrument B-Topic I-V I-Agent I-Topic -enlist ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent I-Result O I-Cause B-Co-Agent B-V I-V B-Result -enliven AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -enrage CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -enrich AMELIORATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -enroll HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -ensconce STAY_DWELL I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -enshrine ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -enslave SUBJUGATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -ensnare CATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -ensue RESULT_CONSEQUENCE I-Goal I-V B-Theme B-Goal O I-Theme B-V -ensure GUARANTEE_ENSURE_PROMISE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -entail IMPLY B-Cause I-Topic I-V B-Topic O I-Cause B-V -entangle STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -enter ENTER I-Destination I-V B-Agent O B-Destination I-Agent B-V -enter PROPOSE B-Goal O I-Recipient B-Agent B-Recipient B-V I-Goal I-V B-Topic I-Agent I-Topic -entertain ENJOY O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -entertain CONSIDER I-V B-Theme O B-Agent I-Theme I-Agent B-V -enthrall CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -entice LURE_ENTICE B-Goal O B-Agent B-Instrument B-V B-Experiencer I-Goal I-Instrument I-V I-Experiencer I-Agent -entitle AUTHORIZE_ADMIT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -entitle NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -entomb BURY_PLANT I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -entrance LURE_ENTICE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -entrench SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -entrust GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -entwine WEAVE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -enumerate EXPLAIN B-Location I-Location O B-Agent B-V I-V B-Topic I-Agent I-Topic -envelop ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -envisage IMAGINE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -envision IMAGINE I-V B-Theme O B-Agent I-Theme I-Agent B-V -envy CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -epitomize REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -equal MATCH B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -equate COMPARE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -equip LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -eradicate CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -erase CANCEL_ELIMINATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -erect MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -erode CORRODE_WEAR-AWAY_SCRATCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -err MISTAKE I-V O B-Agent I-Agent B-V -erupt BEGIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -erupt SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -escalate INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -escape LEAVE_DEPART_RUN-AWAY I-V B-Theme I-Source O I-Theme B-Source B-V -eschew ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -escort ACCOMPANY O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -espouse FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -establish ESTABLISH B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -esteem LIKE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -estimate CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -estrange REMOVE_TAKE-AWAY_KIDNAP I-Patient O I-V I-Source B-Patient B-Source B-V -etch CAVE_CARVE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -evacuate REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -evade ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -evaluate SUBJECTIVE-JUDGING I-V B-Theme O B-Agent I-Theme I-Agent B-V -evaporate CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -even FLATTEN_SMOOTHEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -evidence PROVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -evince SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -eviscerate EMPTY_UNLOAD I-V I-Source O B-Agent I-Agent B-Source B-V -evoke AROUSE_WAKE_ENLIVEN O B-Agent B-Instrument B-V I-Instrument I-V B-Stimulus I-Stimulus I-Agent -evolve AMELIORATE I-Patient I-Result B-Patient O B-Material B-V I-V B-Result I-Material -exacerbate WORSEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -exact ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -exaggerate INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -exalt APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -examine ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -excavate CAVE_CARVE I-Result I-V O B-Agent I-Agent B-Result B-V -exceed OVERCOME_SURPASS B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -excel EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -except MISS_OMIT_LACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -exchange CONVERT I-Patient I-Co-Agent I-Result B-Patient B-Agent O B-V B-Co-Agent I-Beneficiary I-V B-Result I-Agent B-Beneficiary -excise REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -excite AROUSE_WAKE_ENLIVEN O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -exclaim SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -exclude STOP I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -excoriate AFFIRM B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -excuse PARDON B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -execute KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -execute CARRY-OUT-ACTION I-Patient B-Goal B-Patient B-Agent B-Instrument O B-V I-Goal I-Instrument I-V I-Agent -exemplify REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -exempt EXEMPT O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -exercise CARRY-OUT-ACTION I-Instrument B-Instrument I-V O B-Agent I-Agent B-V -exercise PREPARE I-Product I-V O B-Product B-V -exert INFLUENCE I-Patient B-Patient B-Agent O B-V I-V B-Stimulus I-Stimulus I-Agent -exhale EMIT I-V B-Theme I-Source O I-Theme B-Source B-V -exhaust EXHAUST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -exhibit SHOW O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -exhilarate CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -exhort OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -exhume EXTRACT I-V B-Theme O B-Agent I-Theme I-Agent B-V -exile DRIVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -exist EXIST_LIVE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -exit LEAVE_DEPART_RUN-AWAY I-V B-Theme I-Source O I-Theme B-Source B-V -exonerate SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -exorcise DRIVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -expand INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -expect GUESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -expedite SPEED-UP I-V B-Theme O B-Agent I-Theme I-Agent B-V -expel CANCEL_ELIMINATE I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -expend CONSUME_SPEND I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -experience UNDERGO-EXPERIENCE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -experiment TRY O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -expire FINISH_CONCLUDE_END B-Time I-V B-Theme O I-Theme I-Time B-V -explain EXPLAIN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -explode EXPLODE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -explode INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -explode FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -exploit BENEFIT_EXPLOIT I-Purpose O I-Theme B-Purpose B-V I-Beneficiary I-V B-Theme B-Beneficiary -explore SEARCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -export SELL O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -expose SHOW O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -expound EXPLAIN I-Topic I-V B-Topic O B-Agent I-Agent B-V -express SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -express SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -expunge CANCEL_ELIMINATE I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -extend EXTEND O B-Destination I-Theme B-V B-Source I-Destination B-Agent B-Extent I-V I-Source B-Theme I-Agent I-Extent -exterminate CANCEL_ELIMINATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -extinguish CANCEL_ELIMINATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -extol APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -extort STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -extract OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -extradite DRIVE-BACK O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -extrapolate CALCULATE_ESTIMATE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -extricate REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -exude EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -eye SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -eyeball SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -fabricate MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -face FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -facilitate SIMPLIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -factor CONSIDER B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -fade DISAPPEAR I-Patient B-Location I-Location B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Agent I-Extent I-Destination -fail FAIL_LOSE B-Cause O B-Agent B-Destination I-Theme I-Cause B-V I-V B-Theme I-Agent I-Destination -faint SLEEP I-V O B-Agent I-Agent B-V -fake FAKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -fall REDUCE_DIMINISH I-Patient B-Attribute B-Patient O B-V I-Goal B-Source B-Goal I-Attribute B-Extent I-V I-Source I-Extent -fall QUARREL_POLEMICIZE I-V O B-Agent I-Agent B-V -fall HAPPEN_OCCUR B-Location I-V I-Location B-Theme O I-Theme B-V -fall FAIL_LOSE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -fall CHANGE_SWITCH I-Patient I-Result O I-V B-Patient B-Result B-V -fall GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -fall BREAK_DETERIORATE I-Patient B-V I-V O B-Patient -falsify REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -falter FAIL_LOSE I-V O B-Agent I-Agent B-V -familiarize LEARN B-Cause O B-Agent I-Cause B-V I-V B-Topic I-Agent I-Topic -fan AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -fancy IMAGINE I-V B-Theme O B-Agent I-Theme I-Agent B-V -fancy REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -fantasize IMAGINE I-V B-Theme O B-Agent I-Theme I-Agent B-V -fare RESULT_CONSEQUENCE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -farm GENERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -farm HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -fart EXCRETE I-V I-Source O B-Source B-V -fart DELAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -fascinate LIKE B-Cause O I-Cause B-Experiencer B-Stimulus B-V I-V I-Experiencer I-Stimulus -fashion MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -fast DIET I-V O B-Agent I-Agent B-V -fasten SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent B-Instrument O I-Co-Patient B-V I-Instrument I-V I-Agent -fate DECREE_DECLARE I-Result I-V B-Theme O I-Theme B-Result B-V -fathom UNDERSTAND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -fatten INCREASE_ENLARGE_MULTIPLY I-Patient O B-Patient B-Agent B-V I-V I-Agent -fault ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -favor LIKE B-Cause O I-Cause B-Experiencer B-Stimulus B-V I-V I-Experiencer I-Stimulus -favour LIKE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -fax SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -fear CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -feast EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -feature EXIST-WITH-FEATURE B-Cause B-Attribute O I-Attribute I-Theme I-Cause B-V I-V B-Theme -feed NOURISH_FEED O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -feed INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -feed CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -feel FEEL O B-Destination B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Destination -feel BELIEVE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -feign SIMULATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -fell KNOCK-DOWN I-Patient O I-V B-Patient B-Agent I-Agent B-V -fence ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -fend ABSTAIN_AVOID_REFRAIN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -ferment SPOIL I-Patient B-Cause I-Result B-Patient O I-Cause B-V I-V B-Result -ferret FIND I-V B-Theme O B-Agent I-Theme I-Agent B-V -ferry CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -fertilize AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -fess RECOGNIZE_ADMIT_IDENTIFY O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -fester EXCRETE I-V B-Theme O I-Theme B-V -festoon EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -fetch BRING B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -feud QUARREL_POLEMICIZE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -fiddle TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -fidget MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -field ANSWER I-V B-Theme O B-Agent I-Theme I-Agent B-V -fight FIGHT I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -fight DRIVE-BACK O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -fight RESIST B-Goal O B-V B-Experiencer B-Stimulus I-Goal I-V I-Experiencer I-Stimulus -figure IMAGINE O I-Theme B-V I-Cause B-Cause B-Agent I-V B-Theme I-Agent -figure HAVE-A-FUNCTION_SERVE I-Goal B-Value I-Value I-V B-Goal O B-V -figure CALCULATE_ESTIMATE B-Cause O B-Agent I-Theme I-Cause B-V B-Value I-Value I-V B-Theme I-Agent -figure DECIDE_DETERMINE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -filch STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -file RETAIN_KEEP_SAVE-MONEY I-Purpose O B-Agent B-Destination I-Theme B-Purpose B-V I-Beneficiary I-V B-Beneficiary B-Theme I-Agent I-Destination -file REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -file GO-FORWARD I-V O B-Agent I-Agent B-V -filibuster STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -fill FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -fill AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -fill INFORM I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -fill SATISFY_FULFILL B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -fill REPLACE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -film RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -filter SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -filter FLOW I-Destination I-V B-Theme O B-Destination I-Theme B-V -finagle DECEIVE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -finalize FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -finance PAY O B-Agent I-Theme I-Asset B-V I-V B-Asset B-Theme I-Agent -find FIND O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -find DECREE_DECLARE I-Result I-V O B-Agent I-Agent B-Result B-V -find KNOW O I-Theme B-V B-Experiencer I-V I-Source I-Experiencer B-Theme B-Source -fine PUNISH I-Patient B-Patient B-Agent O I-Theme I-Asset B-V I-V B-Asset B-Theme I-Agent -finesse AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -finger TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -finger FIND I-V B-Theme O B-Agent I-Theme I-Agent B-V -finger ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -finish FINISH_CONCLUDE_END B-Attribute O B-Instrument I-Theme B-V I-Result B-Agent I-Attribute B-Extent I-Instrument I-V B-Result B-Theme I-Agent I-Extent -finish EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -fire SHOOT_LAUNCH_PROPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -fire DISMISS_FIRE-SMN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -fire DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -fire BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -firm TIGHTEN I-Patient B-Patient B-Destination O B-V B-Source I-Destination B-Agent B-Extent I-V I-Source I-Agent I-Extent -fish HUNT I-V B-Theme O B-Agent I-Theme I-Agent B-V -fit FIT B-Value I-Value I-V O B-Agent I-Agent B-V -fix PREPARE O B-Agent B-Instrument B-V I-Product I-Beneficiary I-V I-Instrument B-Product I-Agent B-Beneficiary -fix REPAIR_REMEDY I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -fix ESTABLISH B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -fizz CHANGE-APPEARANCE/STATE I-Patient B-V I-V O B-Patient -fizzle FINISH_CONCLUDE_END I-V B-Theme O I-Theme B-V -flabbergast CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -flag REDUCE_DIMINISH I-Patient B-Source I-Location B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent B-Location -flame BURN I-Patient B-V I-V O B-Patient -flank BE-LOCATED_BASE I-V B-Theme O B-Agent I-Theme I-Agent B-V -flap MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -flare BEGIN I-V B-Theme O I-Theme B-V -flash SHOW I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -flash RUN I-V B-Theme O B-Agent I-Theme I-Agent B-V -flash MOVE-BACK I-Destination I-V B-Theme O B-Destination I-Theme B-V -flatten FLATTEN_SMOOTHEN I-Patient O B-Patient B-Agent B-V I-V I-Agent -flatter FLATTER I-Patient O I-V B-Patient B-Agent I-Agent B-V -flaunt SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -flaw BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -flay REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -flee LEAVE_DEPART_RUN-AWAY I-V B-Theme I-Source O I-Theme B-Source B-V -fleece REQUIRE_NEED_WANT_HOPE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -flex BEND I-Patient O I-V B-Patient B-Agent I-Agent B-V -flicker LIGHT_SHINE I-V B-Theme O I-Theme B-V -flinch MOVE-BACK I-V B-Theme O I-Theme B-V -fling THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -flip INVERT_REVERSE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -flirt COURT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -float MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -flock GROUP I-V B-Theme O I-Theme B-V -flock GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -flog HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -flood FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -flop FALL_SLIDE-DOWN I-V B-Theme O B-Agent I-Theme I-Agent B-V -flounder BEHAVE I-V O B-Agent I-Agent B-V -flourish AMELIORATE I-Patient O B-Attribute I-V B-Patient I-Attribute B-V -flout REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -flow FLOW I-Destination I-V B-Theme O B-Destination I-Theme B-V -flower GROW_PLOW I-Patient B-V I-V O B-Patient -fluctuate MOVE-ONESELF B-Source B-Attribute O I-Attribute B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -flunk FAIL_LOSE B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -flush WASH_CLEAN I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -flutter TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -fly FLY O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -foam CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -focus FOCUS O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -fog CLOUD_SHADOW_HIDE I-Patient O I-V B-Patient B-Agent I-Agent B-V -foil PRECLUDE_FORBID_EXPEL O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -foist BURDEN_BEAR O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -fold COMBINE_MIX_UNITE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -fold CREATE_MATERIALIZE O B-V I-Product I-Beneficiary B-Product B-Beneficiary I-Result B-Agent B-Material I-V B-Result I-Agent I-Material -fold FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -follow COME-AFTER_FOLLOW-IN-TIME O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -follow FOLLOW_SUPPORT_SPONSOR_FUND B-Goal O B-Agent B-V I-Goal I-Beneficiary I-V I-Agent B-Beneficiary -follow IMPLY B-Cause I-Topic I-V B-Topic O I-Cause B-V -follow SIMULATE I-V O B-Agent I-Agent B-V -follow FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -foment AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -fondle TOUCH O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -fool DECEIVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -fool JOKE I-V O B-Agent I-Agent B-V -foot PAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -forbid PRECLUDE_FORBID_EXPEL O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -force PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -force OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -foreclose REMOVE_TAKE-AWAY_KIDNAP I-Patient O I-V B-Patient B-Agent I-Agent B-V -foresee UNDERSTAND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -foreshadow SIGNAL_INDICATE O B-Agent B-Instrument B-V I-Instrument B-Topic I-V I-Agent I-Topic -foretell GUESS O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -forfeit GIVE-UP_ABOLISH_ABANDON I-Patient B-Patient I-Recipient B-Agent B-Recipient O B-V I-V I-Agent -forge FAKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -forge MOUNT_ASSEMBLE_PRODUCE I-Result O B-Agent B-Material B-V I-Product I-V B-Result B-Product I-Agent I-Material -forget FORGET I-V B-Theme O B-Agent I-Theme I-Agent B-V -forgive PARDON B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -forgo GIVE-UP_ABOLISH_ABANDON I-Patient B-Co-Patient B-Patient I-Recipient B-Agent B-Recipient O I-Co-Patient B-V I-V I-Agent -fork PAY O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -form MOUNT_ASSEMBLE_PRODUCE B-Attribute O I-Attribute B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -form INCLUDE-AS I-Patient O I-V B-Patient B-Agent I-Agent B-V -formalize CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -formulate CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -forsake GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -fortify STRENGTHEN_MAKE-RESISTANT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -forward SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -foster INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -foul VIOLATE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -found ESTABLISH B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -founder FAIL_LOSE B-Cause I-Agent I-V O B-Agent I-Cause B-V -fraction SEPARATE_FILTER_DETACH B-Co-Patient I-V O B-Agent I-Agent I-Co-Patient B-V -fracture BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -fragment BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -frame ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -frame ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -frame PLAN_SCHEDULE I-V B-Theme O B-Agent I-Theme I-Agent B-V -frame SPEAK B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -franchise AUTHORIZE_ADMIT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -fray CORRODE_WEAR-AWAY_SCRATCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -freak CAUSE-MENTAL-STATE O I-Experiencer B-V B-Stimulus I-V B-Experiencer I-Stimulus -free LIBERATE_ALLOW_AFFORD I-Patient B-Patient O B-V I-Beneficiary B-Beneficiary B-Source B-Agent I-V I-Source I-Agent -freelance WORK B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -freeze COOL I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -freeze STOP B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent -frequent VISIT B-Location I-V I-Location O B-Agent I-Agent B-V -fret CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -frighten CAUSE-MENTAL-STATE B-Attribute O I-Attribute B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -frighten DRIVE-BACK O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -fritter WASTE I-Patient O I-V B-Patient B-Agent I-Agent B-V -frock DRESS_WEAR I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -frolic BEHAVE I-V O B-Agent I-Agent B-V -froth EMIT I-V I-Source O B-Source B-V -frown FACIAL-EXPRESSION I-V O B-Agent I-Agent B-V -frustrate TREAT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -fry COOK I-Patient O I-V B-Patient B-Agent I-Agent B-V -fuck HAVE-SEX B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -fuck MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -fudge FAKE O B-Agent I-Theme B-V I-V B-Theme I-Agent -fuel AROUSE_WAKE_ENLIVEN O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -fulfill SATISFY_FULFILL I-V B-Theme O B-Agent I-Theme I-Agent B-V -fume CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -function HAVE-A-FUNCTION_SERVE I-Goal B-Value I-Value I-V B-Goal O B-V -fund FOLLOW_SUPPORT_SPONSOR_FUND O B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V I-Agent B-Beneficiary -funnel SPILL_POUR O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -furlough DISMISS_FIRE-SMN I-V B-Theme O B-Agent I-Theme I-Agent B-V -furnish LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -furrow PRESS_PUSH_FOLD I-Patient B-V I-V O B-Patient -further INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -fuse COMBINE_MIX_UNITE I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -fuss CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -gag HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -gain INCREASE_ENLARGE_MULTIPLY I-Patient B-Location B-Source I-Location B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -gain OBTAIN O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -gallop RUN I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -galvanize INCITE_INDUCE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -galvanize AROUSE_WAKE_ENLIVEN B-Stimulus I-Result I-V O I-Stimulus B-Result B-V -galvanize COVER_SPREAD_SURMOUNT I-Destination I-V B-Agent O B-Destination I-Agent B-V -gamble BID I-V O B-Agent I-Asset I-Agent B-Asset B-V -gape SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -garden WORK I-V O B-Agent I-Agent B-V -garner TAKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -gas FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -gasp BREATH_BLOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -gather AMASS I-Result O B-Agent I-Theme B-V I-Beneficiary I-V B-Result B-Theme I-Agent B-Beneficiary -gauge CALCULATE_ESTIMATE B-Cause O B-Agent I-Theme I-Cause B-V B-Value I-Value I-V B-Theme I-Agent -gaze SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -gear HARMONIZE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -gear PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -generalize INFER I-V B-Theme O B-Agent I-Theme I-Agent B-V -generate GENERATE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -germinate GROW_PLOW I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -gesture SIGN I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -get OBTAIN O B-Destination I-Theme B-V B-Asset B-Source I-Destination B-Agent I-Asset I-V I-Source B-Theme I-Agent -get POSSESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -get CHANGE_SWITCH I-Patient I-Result O B-Patient B-Agent B-V I-V B-Result I-Agent -get INCITE_INDUCE I-Result I-V O B-Agent I-Agent B-Result B-V -get MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -get MUST I-V B-Theme O B-Agent I-Theme I-Agent B-V -get MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -get MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -get RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient O B-Attribute I-V B-Patient I-Attribute B-V -get BEGIN B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -get COMMUNICATE_CONTACT I-Patient O I-V B-Patient B-Agent I-Agent B-V -get CONTINUE O B-Agent I-Theme B-V I-V B-Theme I-Agent -get MEET B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -get PUNISH I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -get FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -get BEFRIEND I-Co-Agent O B-Agent B-V B-Co-Agent I-V I-Agent -gift GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -giggle LAUGH I-V O B-Agent I-Agent B-V -gird PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -give GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -give EMIT I-V B-Theme I-Source O I-Theme B-Source B-V -give BREAK_DETERIORATE I-Patient B-V I-V O B-Patient -give GIVE-UP_ABOLISH_ABANDON I-Patient O B-Patient B-Agent I-Recipient B-Recipient B-V I-V I-Agent -give CHANGE-HANDS I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -give HAPPEN_OCCUR B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -give GIVE-BIRTH I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -glamorize EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -glance SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -glare SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -glaze BLIND I-Patient B-V I-V O B-Patient -gleam LIGHT_SHINE I-V B-Theme O I-Theme B-V -glean GROUP O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -glide TRAVEL I-V B-Theme O I-Theme B-V -glisten LIGHT_SHINE I-V B-Theme O I-Theme B-V -glitter LIGHT_SHINE I-V B-Theme O I-Theme B-V -gloat ENJOY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -globalize INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -glorify APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -gloss TREAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -glow LIGHT_SHINE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -glue ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -glut LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -gnaw EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -go GO-FORWARD B-Location B-Source I-Location B-Goal O B-Agent B-Destination B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent I-Destination -go LEAVE_DEPART_RUN-AWAY B-Attribute O I-Attribute B-Destination I-Theme B-Idiom B-V I-V I-Idiom I-Source B-Theme B-Source I-Destination -go FOLLOW-IN-SPACE I-V B-Theme O B-Agent I-Theme I-Agent B-V -go MODAL O I-V B-V -go ORGANIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -go CONTINUE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -go SELL O I-Recipient B-Recipient I-Theme I-Asset B-V I-V B-Asset B-Theme -go CHANGE_SWITCH I-Patient I-Result B-Patient B-Instrument O B-V I-Instrument I-V B-Result -go OPERATE I-Patient O B-Patient B-V I-V -go CONSUME_SPEND I-Patient I-Goal O I-V B-Goal B-Patient B-V -go HAVE-A-FUNCTION_SERVE I-Goal B-Value I-Value I-V B-Goal O B-V -go DISAPPEAR I-Patient B-V I-V O B-Patient -go LEAVE-BEHIND I-V I-Source O B-Source B-V -go FAIL_LOSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -go STOP I-V B-Theme O I-Theme B-V -go RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient O B-Attribute I-V B-Patient I-Attribute B-V -go FINISH_CONCLUDE_END I-V B-Theme O I-Theme B-V -go FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -go ACCOMPANY I-V B-Theme O B-Agent I-Theme I-Agent B-V -go PERFORM O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -go EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -go SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -gobble EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -goof MISTAKE I-V O B-Agent I-Agent B-V -gore HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -gossip REVEAL I-Topic I-V B-Topic O B-Agent I-Agent B-V -gouge CAVE_CARVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -gouge STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -govern LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -grab CATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -grace EMBELLISH I-Destination I-V B-Agent O B-Destination I-Agent B-V -grade ADJUST_CORRECT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -graduate AMELIORATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -graft ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -grandstand PERFORM O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -grant GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -grapple FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -grasp UNDERSTAND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -gratify CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -gray COLOR I-Patient O I-V B-Patient B-Agent I-Agent B-V -graze NOURISH_FEED O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -greet WELCOME B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent -grieve CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -grill COOK I-Patient O I-V B-Patient B-Agent I-Agent B-V -grimace FACIAL-EXPRESSION B-Cause I-Agent I-V O B-Agent I-Cause B-V -grin FACIAL-EXPRESSION I-V O B-Agent I-Agent B-V -grind BREAK_DETERIORATE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -grind MAKE-A-SOUND I-V B-Theme O I-Theme B-V -grind STOP B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -grind MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -grip CATCH B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -gripe OPPOSE_REBEL_DISSENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -groan SIGNAL_INDICATE I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -groom EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -grope TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -gross EARN I-V B-Theme O B-Asset I-Theme I-Asset B-V -ground LAND_GET-OFF I-Patient O I-V B-Patient B-Agent I-Agent B-V -group SORT_CLASSIFY_ARRANGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -grouse OPPOSE_REBEL_DISSENT I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -grovel SHOW I-V O B-Agent I-Agent B-V -grow INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -grow CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient O B-Material B-V I-V B-Result I-Material -grow GROW_PLOW I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -grow DEVELOP_AGE I-V B-Theme O I-Theme B-V -growl MAKE-A-SOUND B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -grumble OPPOSE_REBEL_DISSENT I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -guarantee GUARANTEE_ENSURE_PROMISE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -guard WATCH_LOOK-OUT B-Goal O B-Agent B-Instrument I-Theme B-V I-Goal I-Instrument I-V B-Theme I-Agent -guess GUESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -guide DIRECT_AIM_MANEUVER B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-V I-V B-Theme I-Agent I-Destination -gun SHOOT_LAUNCH_PROPEL O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -gush APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -gut REMOVE_TAKE-AWAY_KIDNAP I-V I-Source O B-Agent I-Agent B-Source B-V -guzzle DRINK I-Patient O I-V B-Patient B-Agent I-Agent B-V -gyrate MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -hack CUT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -hack REDUCE_DIMINISH I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -haggle QUARREL_POLEMICIZE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -hail APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -hail COME-FROM I-V I-Source O B-Agent I-Agent B-Source B-V -hallucinate SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -halt STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -halve DIVIDE I-Patient O I-V B-Patient B-Agent I-Agent B-V -ham BEHAVE I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -hammer HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -hammer DISCUSS I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -hammer WORK I-Goal I-V B-Goal O B-Agent I-Agent B-V -hamper STOP B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -hamstring SUBJUGATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -hand GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -handcuff STOP I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -handicap COMPLEXIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -handle MANAGE O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -hang HANG I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -hang STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -hang WAIT I-Goal I-V B-Theme B-Goal O I-Theme B-V -hang FOLLOW_SUPPORT_SPONSOR_FUND B-Goal O B-Agent B-V I-Goal I-Beneficiary I-V I-Agent B-Beneficiary -hang SPEND-TIME_PASS-TIME I-Goal I-V B-Goal O B-Agent I-Agent B-V -happen HAPPEN_OCCUR O I-Experiencer I-Theme B-V I-V B-Experiencer B-Theme -harass CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -harbor CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -harden CHANGE-APPEARANCE/STATE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -harm HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -harness DIRECT_AIM_MANEUVER I-V B-Theme O B-Agent I-Theme I-Agent B-V -harp REFER O I-Co-Theme I-Recipient I-Theme B-Recipient B-V B-Co-Theme I-V B-Theme -harry CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -harvest GROUP I-V B-Theme O B-Agent I-Theme I-Agent B-V -hash DISCUSS I-Topic I-V B-Topic O B-Agent I-Agent B-V -hasten SPEED-UP I-V B-Theme O B-Agent I-Theme I-Agent B-V -hatch GIVE-BIRTH I-Patient O I-V B-Patient B-Agent I-Agent B-V -hate DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -haul CARRY_TRANSPORT B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -haunt AFFECT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -have AUXILIARY O I-V B-V -have MODAL O I-V B-V -have EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -have INCITE_INDUCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -have GIVE-BIRTH I-Patient O I-V B-Patient B-Agent I-Agent B-V -hawk SELL O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -head LEAD_GOVERN O B-Agent I-Theme B-V I-V B-Theme I-Agent -head GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -head REACH I-Location B-Goal O I-Theme B-V I-Goal I-V B-Theme B-Location -headline LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -headquarter BE-LOCATED_BASE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -heal HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -heap AMASS I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -hear HEAR_LISTEN O B-V B-Experiencer B-Stimulus I-V I-Source I-Experiencer I-Stimulus B-Source -hearten INCITE_INDUCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -heat HEAT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -heat AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -heave THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -heave MAKE-A-SOUND B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -heave GO-FORWARD I-V O B-Agent I-Agent B-V -hedge PROTECT O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -heed FOCUS I-Topic I-V B-Topic O B-Agent I-Agent B-V -heighten INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -helicopter MOVE-BY-MEANS-OF B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -help HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -help ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -hem SEW I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -hemorrhage EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -herald SPEAK B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -herd GROUP I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -hesitate STOP I-Topic I-V B-Topic B-Theme O I-Theme B-V -hew HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -hew FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -hide CLOUD_SHADOW_HIDE I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -highlight EMPHASIZE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -hightail LEAVE_DEPART_RUN-AWAY O I-Theme B-Idiom B-V I-V I-Idiom I-Source B-Theme B-Source -hijack STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -hike TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -hinder STOP B-Goal O B-Agent B-Instrument I-Theme B-V I-Goal I-Instrument I-V B-Theme I-Agent -hinge RELY I-V B-Theme O B-Agent I-Theme I-Agent B-V -hint SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -hire HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -hiss MAKE-A-SOUND B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -hit HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -hit ARRIVE I-Destination I-V B-Agent O B-Destination I-Agent B-V -hit BEGIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -hit COURT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -hit ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -hitch ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -hoard RETAIN_KEEP_SAVE-MONEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -hobble STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -hoe EXTRACT I-V B-Theme O B-Agent I-Theme I-Agent B-V -hoist RAISE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -hold POSSESS B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -hold DECREE_DECLARE I-Topic I-V B-Topic O B-Agent I-Agent B-V -hold OBLIGE_FORCE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -hold ORGANIZE O B-Agent I-Theme B-Material B-V I-V B-Theme I-Agent I-Material -hold WAIT O B-Agent I-Theme B-V B-Extent I-V B-Theme I-Agent I-Extent -hold RETAIN_KEEP_SAVE-MONEY O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -hold RESTRAIN I-Patient B-Cause B-Goal B-Patient O I-Cause B-V I-Goal I-V -hold DELAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -hold RESIST B-Goal O B-V B-Experiencer B-Stimulus I-Goal I-V I-Experiencer I-Stimulus -hold CONTINUE I-V B-Theme O I-Theme B-V -hold CONTAIN B-Location B-Value I-Value I-V I-Location O B-V -hold BELIEVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -hole STAY_DWELL B-Location I-V I-Location B-Theme O I-Theme B-V -holler MAKE-A-SOUND B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -hollow EXTRACT I-V B-Theme O B-Agent I-Theme I-Agent B-V -homer SCORE I-V O B-Agent I-Agent B-V -hone SHARPEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -honk MAKE-A-SOUND O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -honor APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -honor AGREE_ACCEPT I-V B-Theme O B-Agent I-Theme I-Agent B-V -hoodwink DECEIVE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -hook SECURE_FASTEN_TIE I-Patient B-Attribute B-Patient O B-V B-Co-Patient I-Attribute B-Agent I-Co-Patient I-V I-Agent -hook ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -hop GO-FORWARD O B-Agent B-Destination B-V I-V I-Source I-Agent B-Source I-Destination -hop MOVE-BY-MEANS-OF I-V B-Theme O B-Agent I-Theme I-Agent B-V -hope REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -hopscotch TRAVEL I-V B-Theme O I-Theme B-V -horrify CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -hospitalize SEND I-V B-Theme O B-Agent I-Theme I-Agent B-V -host HOST_MEAL_INVITE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -hound OFFEND_DISESTEEM B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -house STAY_DWELL I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -hover HANG B-Location I-V I-Location B-Theme O I-Theme B-V -howl CRY O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -howl MAKE-A-SOUND B-Location I-V I-Location O B-Agent I-Agent B-V -huckster QUARREL_POLEMICIZE B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -huddle LOWER I-V B-Theme O I-Theme B-V -huddle MEET B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -hug FIT B-Location B-Value I-Value I-V I-Location O B-V -hulk OVERCOME_SURPASS I-V B-Theme O I-Theme B-V -hum GO-FORWARD I-V O B-Agent I-Agent B-V -humanize CHANGE_SWITCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -humble DOWNPLAY_HUMILIATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -humiliate DOWNPLAY_HUMILIATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -hunch BEND I-Patient B-V I-V O B-Patient -hunker LIE I-Location O B-Destination I-Theme B-V I-Destination I-V B-Theme B-Location -hunt CHASE I-V B-Theme O B-Agent I-Theme I-Agent B-V -hurl THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -hurry RUN I-Purpose O B-Agent I-Theme B-Purpose B-V I-V B-Theme I-Agent -hurt HURT_HARM_ACHE B-Goal O B-Agent B-Instrument B-V B-Experiencer I-Goal I-Instrument I-V I-Experiencer I-Agent -hurtle GO-FORWARD B-Location I-V I-Location O B-Agent I-Agent B-V -hustle MOVE-ONESELF O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -hype PUBLICIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -hypercontrol MANAGE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -hyperlink DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -hyperventilate BREATH_BLOW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -hypnotize BEWITCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -hypothesize BELIEVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -identify RECOGNIZE_ADMIT_IDENTIFY B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -identify MATCH B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -idle STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -idolize LIKE B-Cause O I-Cause B-Experiencer B-Stimulus B-V I-V I-Experiencer I-Stimulus -ignite BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -ignore DOWNPLAY_HUMILIATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -illuminate LIGHTEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -illustrate EXPLAIN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -illustrate PAINT O B-Destination B-Agent B-V I-Beneficiary I-V B-Beneficiary I-Agent I-Destination -imagine IMAGINE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -imbue AFFECT O I-Theme B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus B-Theme -imitate SIMULATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -immerse ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -immigrate LEAVE_DEPART_RUN-AWAY O B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -immunize HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -impact AFFECT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -impact HIT I-Patient O I-Instrument I-V B-Patient B-Instrument B-V -impair DEBASE_ADULTERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -impeach ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -impede STOP B-Goal O B-Agent B-Instrument I-Theme B-V I-Goal I-Instrument I-V B-Theme I-Agent -impel PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -impend HAPPEN_OCCUR I-V B-Theme O I-Theme B-V -imperil ENDANGER I-Patient O I-V B-Patient B-Agent I-Agent B-V -impersonate PERFORM I-V B-Theme O B-Agent I-Theme I-Agent B-V -implant INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -implement USE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -implicate INCLUDE-AS I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -implore ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -imply IMPLY B-Cause O I-Recipient B-Recipient I-Cause B-V I-V B-Topic I-Topic -import CARRY_TRANSPORT O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -impose OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -impound RESTRAIN I-Patient B-Cause O I-V B-Patient I-Cause B-V -impoverish STEAL_DEPRIVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -impregnate HAVE-SEX I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -impress CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -impress TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -imprint PRINT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -imprison CAGE_IMPRISON B-Cause O B-Agent I-Theme I-Cause B-V B-Extent I-V B-Theme I-Agent I-Extent -improve AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -improve INCREASE_ENLARGE_MULTIPLY I-Patient B-Location B-Source I-Location B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -improvise CARRY-OUT-ACTION I-Patient O I-V B-Patient B-Agent I-Agent B-V -impugn FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -inaugurate ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -inaugurate BEGIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -incapacitate STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -incarcerate CAGE_IMPRISON B-Cause O B-Agent I-Theme I-Cause B-V B-Extent I-V B-Theme I-Agent I-Extent -incentivize INCITE_INDUCE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -inch GO-FORWARD B-Cause B-Location B-Source I-Location O B-Agent B-Destination I-Cause B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -incinerate BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -incise CAVE_CARVE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -incite INCITE_INDUCE I-Result I-V O B-Agent I-Agent B-Result B-V -incline BEHAVE B-Cause B-Attribute O I-Attribute B-Agent I-Cause B-V I-V I-Agent -include INCLUDE-AS I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -incorporate COMBINE_MIX_UNITE I-Patient B-Co-Patient I-Location B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent B-Location -increase INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -incriminate ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -incubate DEVELOP_AGE B-Cause O B-Instrument I-Theme B-Material I-Cause B-V I-Product I-Instrument I-V B-Product B-Theme I-Material -incur RISK B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -indemnify PROTECT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -index ADJUST_CORRECT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -indicate SIGNAL_INDICATE O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -indict ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -indoctrinate TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -induce INCITE_INDUCE I-Patient O B-Patient B-V I-Result B-Agent I-V B-Result I-Agent -indulge CARRY-OUT-ACTION I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -industrialize AMELIORATE I-Patient B-V I-V O B-Patient -infect CONTRACT-AN-ILLNESS_INFECT I-Patient B-Patient O I-Theme B-V I-V I-Source B-Theme B-Source -infer INFER O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -infest COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -infiltrate VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -inflame AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -inflate INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -inflict OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -influence INFLUENCE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -inform INFORM O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -infringe VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -infuriate CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -infuse FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -ingest EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -ingrain TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -ingratiate CAUSE-MENTAL-STATE B-Attribute O I-Attribute B-Agent B-V B-Experiencer I-V I-Experiencer I-Agent -inhabit LIE B-Location I-V I-Location B-Theme O I-Theme B-V -inhale BREATH_BLOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -inherit OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -inhibit PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -initial WRITE I-Destination I-V B-Agent O B-Destination I-Agent B-V -initiate BEGIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -inject INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -injure HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -innovate INSERT I-V B-Theme O B-Agent I-Theme I-Agent B-V -inquire ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -inscribe CAVE_CARVE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -insert INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -insist AFFIRM I-V B-Theme O B-Agent I-Theme I-Agent B-V -inspect ANALYZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -inspire INFLUENCE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -install STAY_DWELL I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -instigate AROUSE_WAKE_ENLIVEN B-Stimulus I-Result I-V O I-Stimulus B-Result B-V -instill INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -institute ESTABLISH B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -institutionalize SORT_CLASSIFY_ARRANGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -instruct ORDER I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -insulate PROTECT O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -insulate ISOLATE I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -insult OFFEND_DISESTEEM B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -insure GUARANTEE_ENSURE_PROMISE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -insure PROTECT I-Patient B-Patient B-Agent O I-Theme B-V I-Beneficiary I-Value B-Value I-V B-Theme I-Agent B-Beneficiary -integrate COMBINE_MIX_UNITE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -intend PLAN_SCHEDULE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -intensify INCREASE_ENLARGE_MULTIPLY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -interact ALLY_ASSOCIATE_MARRY B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -intercede NEGOTIATE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -intercept CATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -interconnect JOIN_CONNECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -interest CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -interfere INSERT I-Destination I-V B-Agent O B-Destination I-Agent B-V -interlink JOIN_CONNECT I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -interlope VIOLATE I-V O B-Agent I-Agent B-V -intermarry ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent O B-Agent I-Cause B-Co-Agent B-V I-V I-Agent -intermingle BEFRIEND B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -intermix COMBINE_MIX_UNITE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -internalize KNOW B-Attribute O I-Attribute I-Theme B-V B-Experiencer I-V I-Experiencer B-Theme -interpret UNDERSTAND B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -interrogate ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -interrupt STOP B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -intersperse ALTERNATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -intertwine WEAVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -intervene PARTICIPATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -interview ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -intimate IMPLY B-Cause O I-Recipient B-Recipient I-Cause B-V I-V B-Topic I-Topic -intimidate CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -intone PERFORM I-V B-Theme O B-Agent I-Theme I-Agent B-V -intoxicate AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -intrigue LIKE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -introduce MEET B-Cause O I-Co-Theme I-Theme I-Cause B-V B-Co-Theme I-V B-Theme -introduce INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -intrude VIOLATE B-Goal O B-Agent B-Instrument B-V I-Goal I-Instrument I-V I-Agent -inundate FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -inure CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -invade ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -invalidate CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -invent CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -invert INVERT_REVERSE I-Patient O I-V B-Patient B-Agent I-Agent B-V -invest LEND O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -investigate SEARCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -invigorate AROUSE_WAKE_ENLIVEN O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -invite ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -invoke ASK_REQUEST I-V B-Theme O B-Agent I-Theme I-Agent B-V -involve IMPLY B-Cause O I-Recipient B-Recipient I-Cause B-V I-V B-Topic I-Topic -irk CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -iron SETTLE_CONCILIATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -irradiate SHOW O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -irritate CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -isolate ISOLATE I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -issue EMIT B-Attribute O I-Attribute B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -itemize RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -jab HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -jack RAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -jail CAGE_IMPRISON B-Cause O B-Agent I-Theme I-Cause B-V B-Extent I-V B-Theme I-Agent I-Extent -jam AMASS I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -jar CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -jell CHANGE-APPEARANCE/STATE I-Patient B-V I-V O B-Patient -jeopardize RISK I-V B-Theme O B-Agent I-Theme I-Agent B-V -jerk PULL O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -jest JOKE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -jettison DISCARD I-V B-Theme O B-Agent I-Theme I-Agent B-V -jiggle MOVE-SOMETHING I-V B-Theme O B-Agent I-Theme I-Agent B-V -jilt GIVE-UP_ABOLISH_ABANDON I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -jingle MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -jinx BEWITCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -jockey DECEIVE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -jog RUN B-Location I-V I-Location B-Theme O I-Theme B-V -jog AROUSE_WAKE_ENLIVEN B-Goal O B-V B-Experiencer B-Stimulus I-Goal I-V I-Experiencer I-Stimulus -join JOIN_CONNECT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -join ALLY_ASSOCIATE_MARRY O I-Theme B-V B-Co-Agent I-Co-Agent B-Agent I-V B-Theme I-Agent -joke JOKE I-Co-Agent B-Attribute O I-Attribute B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -jolt CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -jolt MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -jostle MOVE-SOMETHING I-Goal I-V B-Goal O B-Agent I-Agent B-V -joust FIGHT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -judge SUBJECTIVE-JUDGING B-Cause O B-Agent I-Theme I-Cause B-V B-Value I-Value I-V B-Theme I-Agent -juggle MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -jumble MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -jump INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -jump CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -jump JUMP I-Patient O B-Patient I-Theme B-V I-V B-Theme -jump BENEFIT_EXPLOIT I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -jump RAISE I-V B-Theme O I-Theme B-V -jump LEAVE_DEPART_RUN-AWAY I-V B-Theme I-Source O I-Theme B-Source B-V -junk DISCARD I-V B-Theme O B-Agent I-Theme I-Agent B-V -justify PROVE B-Attribute O I-Recipient I-Attribute I-Theme B-Agent B-Recipient B-Instrument B-V I-Instrument I-V B-Theme I-Agent -jut BULGE-OUT O B-Destination I-Theme B-V I-V B-Theme I-Destination -juxtapose BORDER O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -kayo KNOCK-DOWN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -keep RETAIN_KEEP_SAVE-MONEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -keep CONTINUE B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-V I-V B-Theme I-Agent I-Destination -keep REMAIN B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -key HARMONIZE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -kick HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -kick BEGIN O B-Instrument I-Theme B-V B-Agent I-V I-Instrument B-Theme I-Agent -kid JOKE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -kidnap REMOVE_TAKE-AWAY_KIDNAP I-Patient O I-V B-Patient B-Agent I-Agent B-V -kill KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -kindle BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -kiss TOUCH B-Attribute O I-Attribute B-Agent B-V B-Experiencer I-V I-Experiencer I-Agent -knead SHAPE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -kneel LOWER I-V B-Theme O I-Theme B-V -knit SEW I-Patient B-Patient B-Agent O B-Material B-V I-Product I-V B-Product I-Agent I-Material -knit SECURE_FASTEN_TIE I-Patient O I-V B-Patient B-Agent I-Agent B-V -knock HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -knock KNOCK-DOWN I-Patient B-Source B-Patient B-Agent B-Instrument B-Destination O B-V B-Extent I-Instrument I-V I-Source I-Agent I-Extent I-Destination -knock CANCEL_ELIMINATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -knock REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -knock KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -knock COPY I-V B-Theme O B-Agent I-Theme I-Agent B-V -knock DRINK I-Patient O I-V B-Patient B-Agent I-Agent B-V -know KNOW O I-Theme B-V B-Experiencer I-V B-Topic I-Experiencer B-Theme I-Topic -kowtow FLATTER I-Patient O I-V B-Patient B-Agent I-Agent B-V -label DECREE_DECLARE I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -labor TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -lace EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -lack MISS_OMIT_LACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -ladder BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -lag GO-FORWARD I-Location O B-Agent B-V B-Extent I-V I-Agent I-Extent B-Location -lambaste REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -lament REGRET_SORRY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -laminate COVER_SPREAD_SURMOUNT I-Destination I-V B-Agent O B-Destination I-Agent B-V -land LAND_GET-OFF I-Patient O I-V B-Patient B-Agent I-Agent B-V -land ARRIVE O B-Agent B-Instrument B-V I-Instrument I-V I-Source I-Agent B-Source -landfill DISCARD I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -languish WEAKEN I-Patient B-Location O I-V I-Location B-Patient B-V -lap TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -lapse FINISH_CONCLUDE_END I-V B-Theme O I-Theme B-V -lash SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -lash CRITICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -last CONTINUE I-Destination I-V B-Theme O B-Destination I-Theme B-V -latch ATTACH I-Patient O I-V B-Patient B-Agent I-Agent B-V -laud APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -laugh LAUGH B-Attribute O B-V B-Topic I-Result I-Attribute B-Agent I-Recipient B-Recipient I-V B-Result I-Agent I-Topic -launch BEGIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -launder CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -lavish GIVE_GIFT B-Goal O I-Recipient B-Recipient B-Agent B-V I-Goal I-V I-Agent -lay PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -lay DISMISS_FIRE-SMN I-V B-Theme O B-Agent I-Theme I-Agent B-V -lay USE I-Patient O I-V B-Patient B-Agent I-Agent B-V -layover STOP I-Location O B-Agent B-V B-Extent I-V I-Agent I-Extent B-Location -leach REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -lead MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -lead LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -lead INCITE_INDUCE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -lead BEGIN B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent -leak FLOW I-V B-Theme I-Source O I-Theme B-Source B-V -lean INCLINE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -leap INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -leap CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -leap JUMP I-Patient O I-V B-Theme B-Patient I-Theme B-V -leapfrog JUMP I-Patient O I-V B-Theme B-Patient I-Theme B-V -learn LEARN O B-Agent B-V I-V B-Topic I-Source I-Agent B-Source I-Topic -lease TAKE-A-SERVICE_RENT B-Source O B-Agent I-Theme I-Asset B-V B-Extent I-V I-Source B-Asset B-Theme I-Agent I-Extent -lease LEND O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V B-Extent I-V B-Asset B-Theme I-Agent I-Extent -leave LEAVE_DEPART_RUN-AWAY B-Attribute O I-Attribute B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -leave GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -leave MISS_OMIT_LACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -leave LEAVE-BEHIND I-V B-Theme I-Source O I-Theme B-Source B-V -lecture SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -leer SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -legalize AUTHORIZE_ADMIT I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -legislate AUTHORIZE_ADMIT I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -legitimize AUTHORIZE_ADMIT I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -lend LEND O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -lengthen INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -lessen REDUCE_DIMINISH I-Patient B-Source B-Attribute B-Goal B-Patient I-Attribute B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -let LIBERATE_ALLOW_AFFORD I-Patient O I-V B-Patient B-Agent I-Agent B-V -let REVEAL O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -let REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -let FRUSTRATE_DISAPPOINT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -level FLATTEN_SMOOTHEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -level DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -leverage LOAD_PROVIDE_CHARGE_FURNISH I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -levy CHARGE O I-Recipient B-Recipient B-Agent I-Asset B-V I-V B-Asset I-Agent -liaise NEGOTIATE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -libel OFFEND_DISESTEEM B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -liberalize AUTHORIZE_ADMIT I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -liberate LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -license AUTHORIZE_ADMIT I-Purpose O B-Agent B-Purpose B-V I-Beneficiary I-V I-Agent B-Beneficiary -lick TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -lie LIE I-Location O I-Theme B-V I-V B-Theme B-Location -lie DECEIVE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -lift RAISE B-Location B-Source I-Location O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -lift STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -light BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -light LIGHTEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -lighten REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -lighten LIGHTEN I-Patient B-Patient B-Agent O B-V B-Extent I-V I-Agent I-Extent -lighten SIMPLIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -like LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -like REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -liken COMPARE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -limit RESTRAIN I-Patient B-Cause B-Goal B-Patient O I-Cause B-V I-Goal I-V -limp GO-FORWARD I-V O B-Agent I-Agent B-V -line LIE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -line SIGNAL_INDICATE I-Instrument B-Instrument I-V O B-Agent I-Agent B-V -linger WAIT B-Location I-V I-Location O B-Agent I-Agent B-V -link CORRELATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -link JOIN_CONNECT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -lionize APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -liquefy CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -liquidate PAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -liquidize CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -liquify CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -list RECORD O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -list CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -list INCLINE I-Patient B-V I-V O B-Patient -listen HEAR_LISTEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -litigate FACE_CHALLENGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -litter DIRTY O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -live EXIST_LIVE B-Attribute O I-Attribute I-Co-Theme I-Theme B-V B-Co-Theme I-V B-Theme -live CONTINUE B-Attribute O I-Theme B-V B-Co-Agent I-Co-Agent B-Agent I-Attribute I-V B-Theme I-Agent -live SATISFY_FULFILL I-V B-Theme O B-Agent I-Theme I-Agent B-V -live CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -liven AROUSE_WAKE_ENLIVEN O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -load LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Agent I-Theme B-Recipient B-Instrument B-V I-Instrument I-V B-Theme I-Agent -load FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -loan LEND O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -loathe DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -lobby FLATTER I-Patient B-Patient B-Agent O B-V I-V B-Topic I-Agent I-Topic -lobotomize CARRY-OUT-ACTION I-Patient O I-V B-Patient B-Agent I-Agent B-V -localize PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -locate BE-LOCATED_BASE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -locate FIND I-V B-Theme O B-Agent I-Theme I-Agent B-V -lock SECURE_FASTEN_TIE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -lock CAGE_IMPRISON O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -lock OPERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -lock PRECLUDE_FORBID_EXPEL O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -lock GUARANTEE_ENSURE_PROMISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -lodge HOLE_PIERCE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -lodge ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -log RECORD O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -log CUT I-Patient O I-V B-Patient B-Agent I-Agent B-V -loiter PLAY_SPORT/GAME I-V O B-Agent I-Agent B-V -long REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -look SEE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -look SEEM B-Attribute O I-Attribute I-Theme B-V B-Experiencer I-V I-Experiencer B-Theme -look WAIT O B-Agent I-Theme B-V I-V B-Theme I-Agent -look SEARCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -look ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -look WATCH_LOOK-OUT O B-Agent I-Theme B-V I-V B-Theme I-Agent -look DISCOURSE-FUNCTION I-V O B-Agent I-Agent B-V -look DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -loom APPEAR I-V B-Theme O I-Theme B-V -loose UNFASTEN_UNFOLD I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -loosen UNFASTEN_UNFOLD I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -loot STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -lop CUT I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -lord LEAD_GOVERN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -lose FAIL_LOSE I-Location O B-Destination I-Theme B-V B-Co-Agent B-Source I-Destination I-Co-Agent B-Agent B-Extent I-V I-Source B-Theme I-Agent I-Extent B-Location -lose LOSE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -lose DISBAND_BREAK-UP B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -lose MISS_OMIT_LACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -lounge LIE I-V B-Theme O I-Theme B-V -love LIKE O I-Experiencer B-V B-Stimulus I-V B-Experiencer I-Stimulus -lower LOWER B-Source O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -lug CARRY_TRANSPORT I-V B-Theme O B-Agent I-Theme I-Agent B-V -lull MAKE-RELAX I-Result O B-Result B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -lumber TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -lump GROUP I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -lunge GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -lurch GO-FORWARD B-Location I-V I-Location O B-Agent I-Agent B-V -lure LURE_ENTICE B-Goal O B-Agent B-Instrument B-V B-Experiencer I-Goal I-Instrument I-V I-Experiencer I-Agent -lurk CLOUD_SHADOW_HIDE I-Patient B-V I-V O B-Patient -magnetize CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -magnify INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -mail SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -maintain RETAIN_KEEP_SAVE-MONEY O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -major STUDY I-Topic I-V B-Topic O B-Agent I-Agent B-V -make MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -make INCITE_INDUCE I-Result I-V O B-Agent I-Agent B-Result B-V -make LIGHT-VERB I-V O B-V -make EARN O I-Theme I-Asset B-V I-V I-Source B-Asset B-Theme B-Source -make EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -make REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -make CREATE_MATERIALIZE O B-V I-Beneficiary B-Beneficiary I-Result B-Agent B-Material I-V B-Result I-Agent I-Material -make SETTLE_CONCILIATE B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -make REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -make PERCEIVE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -make WRITE I-Result O I-Recipient B-Agent B-Recipient B-V I-V B-Result I-Agent -make ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -make RESULT_CONSEQUENCE I-V B-Theme O I-Theme B-V -make ADJUST_CORRECT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -make LEAVE_DEPART_RUN-AWAY B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -make ARRIVE I-Destination I-V B-Agent O B-Destination I-Agent B-V -make GO-FORWARD O B-Destination B-Agent B-Instrument B-V I-Instrument I-V I-Agent I-Destination -malign OFFEND_DISESTEEM B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -man WORK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -manage MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -manage ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -mandate OBLIGE_FORCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -maneuver DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -manhandle TREAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -manifest SHOW I-Location O I-Recipient B-Recipient I-Theme B-V I-V B-Theme B-Location -manipulate TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -manipulate MANAGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -manufacture MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -map PLAN_SCHEDULE I-V B-Theme O B-Agent I-Theme I-Agent B-V -mar DEBASE_ADULTERATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -march GO-FORWARD B-Cause I-Agent I-V O B-Agent I-Cause B-V -march AMELIORATE I-Patient B-V I-V O B-Patient -marginalize DEBASE_ADULTERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -marinate DIP_DIVE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -mark DISTINGUISH_DIFFER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -mark SIGNAL_INDICATE B-Location I-Location O B-Agent B-Instrument B-V I-Instrument B-Topic I-V I-Agent I-Topic -mark INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -market SELL B-Attribute O I-Recipient I-Attribute I-Theme B-Agent B-Recipient B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -marry ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent O B-Agent I-Cause B-Co-Agent B-V I-V I-Agent -marshal SORT_CLASSIFY_ARRANGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -martyr KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -marvel CAUSE-MENTAL-STATE O B-V B-Stimulus I-Experiencer I-Stimulus B-Agent I-V B-Experiencer I-Agent -mask COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -masquerade DECEIVE I-Instrument B-Instrument I-V O B-Agent I-Agent B-V -mass AMASS I-V B-Theme O I-Theme B-V -massacre KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -massage TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -master LEARN I-Topic I-V B-Topic O B-Agent I-Agent B-V -mastermind ORGANIZE O B-Agent I-Theme B-Material B-V I-Beneficiary I-V B-Theme I-Agent I-Material B-Beneficiary -match MATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -mate HAVE-SEX B-Cause I-Co-Agent O B-Agent I-Cause B-Co-Agent B-V I-V I-Agent -materialize APPEAR I-V B-Theme O I-Theme B-V -matter BURDEN_BEAR I-V B-Theme O I-Recipient B-Recipient I-Theme B-V -mature DEVELOP_AGE I-V B-Theme O I-Theme B-V -maul HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -maximize INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -mean IMPLY B-Cause O I-Recipient B-Recipient I-Cause B-V I-V B-Topic I-Topic -meander TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -measure MEASURE_EVALUATE O B-Agent B-Instrument I-Theme B-V B-Value I-Value I-Instrument I-V B-Theme I-Agent -meddle VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -mediate NEGOTIATE I-Topic I-V B-Topic O B-Agent I-Agent B-V -medicate HELP_HEAL_CARE_CURE O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -meditate THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -meet SATISFY_FULFILL I-V B-Theme O B-Agent I-Theme I-Agent B-V -meet KNOW B-Experiencer I-V B-Theme O I-Experiencer I-Theme B-V -meet MEET O I-Co-Theme I-Theme B-V B-Co-Theme I-V B-Theme -meld HARMONIZE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -mellow CAUSE-MENTAL-STATE B-Experiencer I-Instrument I-V I-Experiencer O B-Instrument B-V -melt CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -memorialize APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -memorize STUDY I-Topic I-V B-Topic O B-Agent I-Agent B-V -menace ENDANGER I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -mend REPAIR_REMEDY I-Patient O I-V B-Patient B-Agent I-Agent B-V -mention SPEAK B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -meow MAKE-A-SOUND I-V O B-Agent I-Agent B-V -merchandise SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -merge HARMONIZE I-Purpose B-Goal O B-Agent I-Theme B-Purpose B-V I-Goal I-V B-Theme I-Agent -merit EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -mesh ORGANIZE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -mess PARTICIPATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -mess MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -metabolize MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-V B-Product I-Agent I-Material -metamorphose CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -mic JOIN_CONNECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -miff CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -migrate GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -militate OPPOSE_REBEL_DISSENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -milk EXTRACT O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -milk BENEFIT_EXPLOIT I-Purpose O I-Theme B-Purpose B-V I-Beneficiary I-V B-Theme B-Beneficiary -mill TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -mime SIMULATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -mimic SIMULATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -mince CUT O B-Agent B-Instrument B-V I-Instrument I-V I-Source I-Agent B-Source -mind OFFEND_DISESTEEM B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -mind HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -mind WATCH_LOOK-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -mine EXTRACT I-V B-Theme O B-Agent I-Theme I-Agent B-V -mingle PARTICIPATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -miniaturize PAINT I-Destination I-V B-Agent O B-Destination I-Agent B-V -minimize REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -mint CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -mire STOP B-Location I-V I-Location B-Theme O I-Theme B-V -mirror REFLECT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -misappropriate STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -misbehave BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -miscalculate CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -mischaracterize MISTAKE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -misconstrue INTERPRET I-V B-Theme O B-Agent I-Theme I-Agent B-V -misdiagnose MISTAKE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -misfire FAIL_LOSE I-V B-Theme O I-Theme B-V -misguide DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -mishandle MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -misinterpret INTERPRET B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -mislay PUT_APPLY_PLACE_PAVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -mislead DECEIVE I-Patient B-Goal B-Patient B-Agent B-Instrument O B-V I-Goal I-Instrument I-V I-Agent -mismanage MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -misplace PUT_APPLY_PLACE_PAVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -misread INTERPRET B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -misrepresent REPRESENT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -miss MISS_OMIT_LACK O B-Instrument I-Theme B-V B-Agent I-V I-Instrument B-Theme I-Agent -misspend SPEND-TIME_PASS-TIME B-Goal O B-Agent I-Asset B-V I-Goal I-V B-Asset I-Agent -misstate SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -mistake MISTAKE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -mistreat TREAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -mistrust RELY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -misunderstand INTERPRET I-V B-Theme O B-Agent I-Theme I-Agent B-V -misuse VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -mitigate REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -mix ADD I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -mix COMBINE_MIX_UNITE I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -moan MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -mob AMASS I-V B-Theme O B-Agent I-Theme I-Agent B-V -mobilize PREPARE I-Product B-Product I-V O B-Agent I-Agent B-V -mock JOKE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -model MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-V B-Product I-Agent I-Material -model WORK I-Instrument B-Instrument I-V O B-Agent I-Agent B-V -moderate REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -modernize AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -modify CHANGE_SWITCH I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -modulate CHANGE_SWITCH I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -moisturize WET I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -mold CREATE_MATERIALIZE I-Result O B-Agent B-Material B-V I-V B-Result I-Agent I-Material -molest ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -mollify MAKE-RELAX O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -monetize AUTHORIZE_ADMIT I-V B-Theme O B-Agent I-Theme I-Agent B-V -monitor WATCH_LOOK-OUT B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -monkey WORK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -monopolize POSSESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -moonlight WORK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -moor SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -moot TAKE-INTO-ACCOUNT_CONSIDER I-V B-Theme O B-Agent I-Theme I-Agent B-V -mop WASH_CLEAN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -morph CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -mortgage LEND O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -motivate INCITE_INDUCE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -motivate JUSTIFY_EXCUSE B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -motorize LOAD_PROVIDE_CHARGE_FURNISH I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -mount RAISE I-Destination I-V B-Theme O B-Destination I-Theme B-V -mount INCREASE_ENLARGE_MULTIPLY I-Patient B-Location B-Source I-Location B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -mount MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -mourn CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -mouth SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -move MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -move ORGANIZE I-Result I-V O B-Agent I-Agent B-Result B-V -move CARRY-OUT-ACTION I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -move ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -move CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -mow CUT I-V I-Source O B-Agent I-Agent B-Source B-V -muck MESS I-Patient B-V I-V O B-Patient -muddle MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -muddy DIRTY I-Destination I-V B-Agent O B-Destination I-Agent B-V -muffle CLOUD_SHADOW_HIDE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -mull THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -multi-task WORK I-V O B-Agent I-Agent B-V -multiply INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -mumble SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -mummify PRESERVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -munch EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -murder KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -murmur SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -muscle MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -muse THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -mushroom INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -muster AMASS I-V B-Theme O B-Agent I-Theme I-Agent B-V -mutate CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -mute STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -mutilate HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -muzzle STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -mystify CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -nab REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -nail ATTACH I-Patient O I-V B-Patient B-Agent I-Agent B-V -nail ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -name NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -name ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -namedrop CITE I-V O B-Agent I-Agent B-V -nap SLEEP I-V O B-Agent I-Agent B-V -narrate SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -narrow REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -nationalize COMMUNIZE I-Patient O I-V B-Patient B-Agent I-Agent B-V -natter SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -navigate DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -near GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -necessitate REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -need REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -negate COMPENSATE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -neglect MISS_OMIT_LACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -negotiate NEGOTIATE I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -neigh MAKE-A-SOUND O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -neighbor BORDER I-V B-Theme O I-Theme B-V -nestle LIE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -net EARN O I-Asset B-V I-Beneficiary I-V I-Source B-Asset B-Beneficiary B-Source -net GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -net OBTAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -network COMMUNICATE_CONTACT I-Patient O I-V B-Patient B-Agent I-Agent B-V -neutralize COMPENSATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -nibble EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -nick CUT O B-Agent B-Instrument B-V I-Instrument I-V I-Source I-Agent B-Source -nickel COVER_SPREAD_SURMOUNT I-Destination I-V B-Agent O B-Destination I-Agent B-V -nickname NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -nod SIGN I-V B-Theme O B-Agent I-Theme I-Agent B-V -nominate ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -normalize ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -nosedive FALL_SLIDE-DOWN B-Location B-Source I-Location O B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -notch RECORD B-Attribute O I-Attribute B-Agent B-Destination B-V I-V I-Agent I-Destination -notch INCREASE_ENLARGE_MULTIPLY I-Patient I-Location B-Patient B-Destination O B-V I-Beneficiary B-Beneficiary B-Source I-Destination B-Agent B-Extent I-V I-Source I-Agent I-Extent B-Location -note WRITE I-Result O I-Recipient B-Agent B-Recipient B-V I-V B-Topic B-Result I-Agent I-Topic -note PERCEIVE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -notice PERCEIVE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -notify INFORM O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -nourish NOURISH_FEED O I-Recipient B-Recipient B-Agent B-Instrument B-V I-Instrument I-V I-Agent -nudge GO-FORWARD I-Location O B-Destination I-Cause B-V I-Goal B-Source I-Destination B-Cause B-Goal B-Agent B-Extent I-V I-Source I-Agent I-Extent B-Location -nudge TOUCH O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -nullify CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -numb WEAKEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -number REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -nurse HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -nurture INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -nuzzle TOUCH B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -obey OBEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -obfuscate COMPLEXIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -object CRITICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -obligate OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -oblige LOAD_PROVIDE_CHARGE_FURNISH I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -oblige OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -obliterate CANCEL_ELIMINATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -obscure CLOUD_SHADOW_HIDE I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -observe SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -observe SPEAK B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -obsess CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -obstruct STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -obtain OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -obviate PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -occasion CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -occupy REQUIRE_NEED_WANT_HOPE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -occur HAPPEN_OCCUR B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -offend OFFEND_DISESTEEM O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -offer SELL O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -offload EMPTY_UNLOAD O B-Agent B-Destination I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -offset COMPENSATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -ogle SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -oil COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -omit MISS_OMIT_LACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -ooze FLOW B-Cause I-V B-Theme O I-Theme I-Cause B-V -open OPEN I-Patient B-Patient B-Instrument O B-V I-Recipient B-Agent B-Recipient I-Instrument I-V I-Agent -open BEGIN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V I-Source B-Theme I-Agent B-Source -operate OPERATE I-Patient B-Attribute I-Location B-Patient I-Attribute B-Agent B-Instrument O B-V I-Instrument I-V I-Agent B-Location -operate HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -opine SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -oppose RESIST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -opt CHOOSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -optimize AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -orchestrate ORGANIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -ordain ORDER I-Patient O I-V B-Patient B-Agent I-Agent B-V -order ORDER I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -order ASK_REQUEST B-Goal O I-Recipient B-Agent I-Theme B-Recipient B-V I-Goal I-V B-Theme I-Agent -organize ORGANIZE I-Result O B-Agent I-Theme B-Material B-V I-Beneficiary I-V B-Result B-Theme I-Agent I-Material B-Beneficiary -orient ORIENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -originate BEGIN B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -orphan STEAL_DEPRIVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -oscillate MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -ostracize ABSTAIN_AVOID_REFRAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -oust DISMISS_FIRE-SMN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -out REVEAL B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -outbid BID I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -outdo OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -outfit LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -outflank OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -outgrow OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -outlast OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -outlaw PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -outline SUMMARIZE I-Topic I-V B-Topic O B-Agent I-Agent B-V -outlive OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -outnumber OVERCOME_SURPASS B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -outpace OVERCOME_SURPASS B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -outperform OVERCOME_SURPASS O I-Co-Theme I-Theme B-V B-Extent B-Co-Theme I-V B-Theme I-Extent -outrage CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -outsell OVERCOME_SURPASS B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -outshine OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -outsource OBTAIN O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -outstrip OVERCOME_SURPASS B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -outweigh OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -overarch COVER_SPREAD_SURMOUNT I-V B-Theme O I-Theme B-V -overawe CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -overbid BID I-V O B-Agent I-Agent B-V -overbid OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -overcharge REQUIRE_NEED_WANT_HOPE B-Cause O B-Agent I-Theme I-Cause B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -overcome OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -overdo INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -overdose HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -overemphasize EMPHASIZE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -overestimate CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -overflow FLOW I-V B-Theme I-Source O I-Theme B-Source B-V -overhang HANG B-Location I-V I-Location B-Theme O I-Theme B-V -overhaul AMELIORATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -overhear HEAR_LISTEN O B-V B-Experiencer B-Stimulus I-V I-Source I-Experiencer I-Stimulus B-Source -overheat HEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -overindulge CARRY-OUT-ACTION I-Patient O I-V B-Patient B-Agent I-Agent B-V -overlap OVERLAP I-Patient B-Co-Patient B-Patient O I-Co-Patient B-V B-Extent I-V I-Extent -overlay COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -overload FILL O B-Agent B-Destination I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -overlook MISS_OMIT_LACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -overlook ORIENT I-Patient I-Goal O I-V B-Goal B-Patient B-V -overpay PAY O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -overpopulate POPULATE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -overpower DEFEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -overprice CALCULATE_ESTIMATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -overrate SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -overreact REACT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -override LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -overrule DEFEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -overrun COVER_SPREAD_SURMOUNT I-Destination I-V B-Agent O B-Destination I-Agent B-V -oversee WATCH_LOOK-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -oversell SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -overshadow COMPARE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -oversight WATCH_LOOK-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -oversimplify SIMPLIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -overstate INCREASE_ENLARGE_MULTIPLY I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -overstay STAY_DWELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -overstep OVERCOME_SURPASS O I-Co-Theme I-Theme B-V B-Extent B-Co-Theme I-V B-Theme I-Extent -overstock RETAIN_KEEP_SAVE-MONEY I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -overstrain EXHAUST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -overtake OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -overtax CHARGE B-Cause O I-Recipient B-Agent B-Recipient I-Cause I-Asset B-V I-V B-Asset I-Agent -overthink THINK B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -overthrow DEFEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -overturn INVERT_REVERSE I-Patient O I-V B-Patient B-Agent I-Agent B-V -overuse USE I-Patient O I-V B-Patient B-Agent I-Agent B-V -overvalue CALCULATE_ESTIMATE B-Value I-Value I-V O B-Agent I-Agent B-V -overwhelm OVERCOME_SURPASS B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -overwork BENEFIT_EXPLOIT I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -owe PAY O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -own POSSESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -own RECOGNIZE_ADMIT_IDENTIFY I-Topic I-V B-Topic O B-Agent I-Agent B-V -oxidize COMBINE_MIX_UNITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -pace MOVE-ONESELF B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -pacify MAKE-RELAX B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -pack AMASS I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -pack PRESS_PUSH_FOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -package INSERT O B-Agent B-Destination I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -pad FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -paint PAINT I-Result O B-Destination B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V B-Beneficiary B-Result I-Agent I-Destination -paint REPRESENT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -pair JOIN_CONNECT I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -pale COLOR I-Patient O B-Co-Patient I-V B-Patient I-Co-Patient B-V -palm SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -pamper TREAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -pan SEPARATE_FILTER_DETACH B-Co-Patient I-V O B-Agent I-Agent I-Co-Patient B-V -pan ACHIEVE I-V O B-Agent I-Agent B-V -pander CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -panhandle ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -panic CAUSE-MENTAL-STATE B-Experiencer I-V O I-Experiencer B-V -pant BREATH_BLOW I-V O B-Agent I-Agent B-V -parachute FALL_SLIDE-DOWN I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -parade TRAVEL B-Cause I-V B-Theme O I-Theme I-Cause B-V -parallel MATCH B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -paralyze STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -paraphrase SPEAK I-Result O B-Agent B-V I-V B-Topic B-Result I-Agent I-Topic -parcel GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -pardon PARDON I-V B-Theme O B-Agent I-Theme I-Agent B-V -pare CUT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -pare REDUCE_DIMINISH I-Patient B-Patient O B-Instrument B-V I-Goal B-Source B-Goal B-Agent B-Extent I-V I-Instrument I-Source I-Agent I-Extent -park MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -parlay BENEFIT_EXPLOIT I-Purpose O I-Theme B-Purpose B-V I-Beneficiary I-V B-Theme B-Beneficiary -parole LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -parrot REPEAT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -parry ABSTAIN_AVOID_REFRAIN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -part DISBAND_BREAK-UP I-V B-Theme O B-Agent I-Theme I-Agent B-V -partake SHARE B-Co-Agent I-Co-Agent I-V B-Theme O I-Theme B-V -participate PARTICIPATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -partition SEPARATE_FILTER_DETACH I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -pass AUTHORIZE_ADMIT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -pass OVERCOME_SURPASS O I-Co-Theme I-Theme B-V B-Co-Theme I-V B-Theme -pass HAPPEN_OCCUR I-V B-Theme O I-Theme B-V -pass LEAVE-BEHIND I-V B-Theme I-Source O I-Theme B-Source B-V -pass GIVE_GIFT O I-Theme B-V B-Source I-Recipient B-Recipient B-Agent I-V I-Source B-Theme I-Agent -pass SUBJECTIVE-JUDGING B-Value I-Value I-V B-Theme O I-Theme B-V -pass ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -pass SLEEP I-V O B-Agent I-Agent B-V -pass MISS_OMIT_LACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -pass REFUSE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -pass CHANGE-HANDS I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -pass KILL I-Patient B-V I-V O B-Patient -pass DECEIVE I-Patient B-Attribute B-Patient I-Attribute B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -paste ATTACH I-Patient B-Attribute B-Patient I-Attribute B-Agent B-Destination O B-V I-V I-Agent I-Destination -pasteurize HEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -patch REPAIR_REMEDY I-Patient O B-Patient B-Agent B-V I-V I-Agent -patent POSSESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -patrol WATCH_LOOK-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -patronize FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -pattern SHAPE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -pause STOP I-V B-Theme O I-Theme B-V -pave PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -pave PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -pawn SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -pay PAY O I-Theme B-V B-Asset I-Recipient B-Agent B-Recipient I-Asset I-V B-Theme I-Agent -pay ACHIEVE I-V O B-Agent I-Agent B-V -peacemake BEFRIEND I-V O B-Agent I-Agent B-V -peak REACH B-Goal O I-Theme B-V I-Goal I-Beneficiary I-V B-Theme B-Beneficiary -peal MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -peck EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -pedal MOVE-BY-MEANS-OF O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -peddle SELL O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -pederastize COURT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -pee EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -peek SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -peel REMOVE_TAKE-AWAY_KIDNAP I-Patient O B-Patient B-Agent B-V I-V I-Agent -peer SEARCH B-Location I-V I-Location O B-Agent I-Agent B-V -peg COMPENSATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -pen WRITE I-Result O I-Recipient B-Agent B-Recipient B-V I-V B-Result I-Agent -penalize PUNISH I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -pend WAIT I-Goal I-V B-Goal O B-Agent I-Agent B-V -penetrate ENTER I-Destination I-V B-Agent O B-Destination I-Agent B-V -people FILL I-Destination I-V B-Theme O B-Destination I-Theme B-V -pepper ATTACK_BOMB I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -perceive PERCEIVE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -perch LIE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -perfect AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -perform PERFORM O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -perish KILL I-Patient B-V I-V O B-Patient -perk AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -permeate AFFECT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -permit AUTHORIZE_ADMIT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -perpetrate VIOLATE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -perpetuate CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -perplex CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -persecute HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -persevere CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -persist CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -personalize CHANGE_SWITCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -perspire EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -persuade PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -pertain REFER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -perturb CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -peruse ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -pervade AFFECT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -pervert VIOLATE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -pester CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -petition ASK_REQUEST I-V B-Theme O B-Agent I-Theme I-Agent B-V -phase FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -philosophize THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -phone COMMUNICATE_CONTACT I-Patient B-Patient B-Agent O B-V I-V B-Topic I-Agent I-Topic -photocopy COPY I-V B-Theme O B-Agent I-Theme I-Agent B-V -photograph RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -pick CHOOSE O I-Theme B-V I-Goal B-Source B-Goal B-Agent I-V I-Source B-Theme I-Agent -pick SUBJUGATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -pick BUY O B-Agent I-Theme I-Asset B-V I-Beneficiary I-V I-Source B-Asset B-Theme I-Agent B-Source B-Beneficiary -pick INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -pick CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -pick REMOVE_TAKE-AWAY_KIDNAP I-Patient O B-Patient B-V B-Source B-Agent I-V I-Source I-Agent -pick HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -pickle PRESERVE I-Patient O I-V B-Patient B-Agent I-Agent B-V -picture SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -piece JOIN_CONNECT I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -pierce HOLE_PIERCE I-Patient B-Goal B-Patient B-Agent B-Instrument O B-V I-Goal I-Instrument I-V I-Agent -piggyback CARRY_TRANSPORT I-V B-Theme O B-Agent I-Theme I-Agent B-V -pile AMASS I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -pile GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -pillory JOKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -pilot MOVE-BY-MEANS-OF I-V B-Theme O B-Agent I-Theme I-Agent B-V -pin ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -pinch PRESS_PUSH_FOLD I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -pinch STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -pinch RETAIN_KEEP_SAVE-MONEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -pine WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -ping MAKE-A-SOUND I-V B-Theme O I-Theme B-V -pinpoint DECIDE_DETERMINE I-V B-Theme O B-Agent I-Theme I-Agent B-V -pioneer ESTABLISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -pipe CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -pique CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -pirate STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -piss EXCRETE I-V I-Source O B-Source B-V -piss CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -pit FACE_CHALLENGE B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -pit HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -pitch THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -pitch ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -pitch ALLY_ASSOCIATE_MARRY I-V O B-Agent I-Agent B-V -pitch PUBLICIZE B-Attribute O I-Attribute B-Agent I-Theme I-Recipient B-Recipient B-V I-V B-Theme I-Agent -pivot MOVE-ONESELF I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -placate MAKE-RELAX O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -place PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -plagiarize STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -plague CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -plan PLAN_SCHEDULE B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -plane CUT I-Patient B-Patient B-Agent O B-V I-Product I-V B-Product I-Agent -plant PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -plaster ATTACH I-Patient B-Patient B-Agent B-Destination B-Instrument O B-V I-Instrument I-V I-Agent I-Destination -plate COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -play PLAY_SPORT/GAME O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -play PERFORM I-V B-Theme O B-Agent I-Theme I-Agent B-V -play FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -play EMPHASIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -play FACE_CHALLENGE B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -play FLATTER I-Patient O I-V B-Patient B-Agent I-Agent B-V -play DOWNPLAY_HUMILIATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -play AFFECT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -plead ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -plead DECREE_DECLARE I-Result O I-Theme B-V I-V B-Topic B-Result B-Theme I-Topic -please CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -pledge GUARANTEE_ENSURE_PROMISE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -plot PLAN_SCHEDULE I-V B-Theme O B-Agent I-Theme I-Agent B-V -plow GROW_PLOW I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -pluck REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -plug STOP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -plug PUBLICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -plug INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -plummet REDUCE_DIMINISH I-Patient B-Source I-Location B-Goal B-Patient O B-V I-Goal B-Extent I-V I-Source I-Extent B-Location -plunder STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -plunge REDUCE_DIMINISH I-Patient B-Source B-Attribute B-Goal B-Patient I-Attribute O B-V I-Goal B-Extent I-V I-Source I-Extent -plunge DIP_DIVE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -ply LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -ply WORK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -poach HUNT I-V B-Theme O B-Agent I-Theme I-Agent B-V -pocket STEAL_DEPRIVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -pockmark HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -point DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -point SIGNAL_INDICATE I-Topic I-V B-Topic O B-Agent I-Agent B-V -poise COMPENSATE I-Purpose O B-Agent I-Theme B-Purpose B-V I-V B-Theme I-Agent -poison KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -poison GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -poke HOLE_PIERCE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -poke SEARCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -police WATCH_LOOK-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -polish WASH_CLEAN I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -polish EMBELLISH I-Result O B-Agent B-Destination I-Theme B-V I-V B-Result B-Theme I-Agent I-Destination -politicize CHANGE_SWITCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -poll ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -pollinate HAVE-SEX B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -pollute DIRTY I-Destination I-V B-Agent O B-Destination I-Agent B-V -ponder THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -pontificate SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -poo EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -pool COMBINE_MIX_UNITE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -pop EXPLODE I-Patient O I-V B-Patient B-Agent I-Agent B-V -pop APPEAR I-V B-Theme O B-Agent I-Theme I-Agent B-V -pop MOVE-SOMETHING B-Source B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -pop HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -popularize INFORM O B-Agent B-Instrument B-V I-Instrument B-Topic I-V I-Agent I-Topic -populate POPULATE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -pore FOCUS I-Topic I-V B-Topic O B-Agent I-Agent B-V -portend SIGNAL_INDICATE O B-Agent B-Instrument B-V I-Instrument B-Topic I-V I-Agent I-Topic -portray REPRESENT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -pose DECEIVE I-Instrument B-Instrument I-V O B-Agent I-Agent B-V -pose CREATE_MATERIALIZE I-Result O B-Agent B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -position PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -possess EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -post RECORD O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -postmark PUT_APPLY_PLACE_PAVE B-Attribute I-Location O I-Attribute B-Agent B-V I-V I-Agent B-Location -postpone DELAY B-Source O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -posture BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -pounce GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -pound HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -pound TRAVEL I-Destination I-V B-Theme O B-Destination I-Theme B-V -pour SPILL_POUR O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -pour METEOROLOGICAL I-V B-Theme O I-Theme B-V -power OPERATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -practice TRY O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -practise WORK B-Attribute O I-Attribute B-Agent B-Instrument B-V I-Instrument I-V I-Agent -praise APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -prance MOVE-ONESELF B-Location I-V I-Location B-Theme O I-Theme B-V -pray SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -pre-empt REACT B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -pre-separate SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -preach FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -prearrange PLAN_SCHEDULE I-V B-Theme O B-Agent I-Theme I-Agent B-V -precede PRECEDE B-Cause O I-Co-Theme I-Theme I-Cause B-V B-Co-Theme I-V B-Theme -precipitate WORSEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -preclude PRECLUDE_FORBID_EXPEL O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -predate PRECEDE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -predetermine INFLUENCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -predicate IMPLY B-Cause O I-Recipient B-Recipient I-Cause B-V I-V B-Topic I-Topic -predict GUESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -predispose PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -preempt PRECLUDE_FORBID_EXPEL O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -prefer CHOOSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -prejudice INFLUENCE I-Patient B-Patient B-Agent O B-V I-V B-Stimulus I-Stimulus I-Agent -premiere SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -preoccupy CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -prepare ORGANIZE O B-Agent I-Theme B-Material B-V I-Beneficiary I-V B-Theme I-Agent I-Material B-Beneficiary -prepare PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -prepay PAY O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -presage GUESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -prescribe ORDER I-Patient O I-V B-Patient B-Agent I-Agent B-V -prescribe GIVE_GIFT B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -present GIVE_GIFT B-Attribute O I-Recipient I-Attribute I-Theme B-Agent B-Recipient B-V I-V B-Theme I-Agent -preserve PRESERVE I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -preside MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -press PRESS_PUSH_FOLD I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -press OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -press PUBLISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -pressure INFLUENCE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -pressure OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -presume SUPPOSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -pretend DECEIVE I-Instrument B-Instrument I-V O B-Agent I-Agent B-V -prevail WIN I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -prevail CONTINUE I-V B-Theme O I-Theme B-V -prevent PRECLUDE_FORBID_EXPEL O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -preview SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -prey BENEFIT_EXPLOIT I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -price CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -prick HOLE_PIERCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -prime PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -print PRINT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -prioritize LOCATE-IN-TIME_DATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -privatize SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -prize LIKE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -probe ANALYZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -proceed CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -process PREPARE O B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -proclaim SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -procrastinate DELAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -procure OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -prod INCITE_INDUCE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -produce MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -profess DECREE_DECLARE B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -proffer GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -profile REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -profit BENEFIT_EXPLOIT I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -profiteer BENEFIT_EXPLOIT I-Beneficiary I-V O B-Beneficiary B-V -program CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-V I-V B-Result I-Agent -progress MOVE-SOMETHING O B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -prohibit PRECLUDE_FORBID_EXPEL O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -project DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -project IMAGINE I-V B-Theme O B-Agent I-Theme I-Agent B-V -proliferate INCREASE_ENLARGE_MULTIPLY I-Patient B-V I-V O B-Patient -prolong EXTEND B-Source O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -promise GUARANTEE_ENSURE_PROMISE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -promote PROMOTE I-Result O B-Agent I-Theme B-V I-V I-Source B-Result B-Theme I-Agent B-Source -promote FOLLOW_SUPPORT_SPONSOR_FUND B-Goal O B-Agent B-V I-Goal I-Beneficiary I-V I-Agent B-Beneficiary -prompt INCITE_INDUCE I-Result I-V O B-Agent I-Agent B-Result B-V -prompt PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -promulgate SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -pronounce PRONOUNCE I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -proof PROVE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -proofread VERIFY I-V B-Theme O B-Agent I-Theme I-Agent B-V -prop STABILIZE_SUPPORT-PHYSICALLY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -propagate CIRCULATE_SPREAD_DISTRIBUTE B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent -propel MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -prophesy GUESS O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -propose PROPOSE B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -prosecute ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -prosper AMELIORATE I-Patient B-V I-V O B-Patient -prostrate LOWER O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -protect PROTECT O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -protest OPPOSE_REBEL_DISSENT I-Patient O B-Patient B-Instrument B-V B-Agent I-V I-Instrument I-Agent -protract INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -protrude BULGE-OUT I-V B-Theme I-Source O I-Theme B-Source B-V -prove PROVE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -provide LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -provoke AROUSE_WAKE_ENLIVEN O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -prune CUT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -pry OPEN I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -publicize SPEAK B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -publish PUBLISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -puff BREATH_BLOW I-V B-Theme O I-Theme B-V -puff INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -pull PULL O B-Agent B-Destination I-Theme B-V B-Extent I-V B-Theme I-Agent I-Extent I-Destination -pull LEAVE_DEPART_RUN-AWAY B-Cause O I-Theme I-Cause B-V I-V I-Source B-Theme B-Source -pull CARRY-OUT-ACTION I-Patient O I-V B-Patient B-Agent I-Agent B-V -pull OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -pull TURN_CHANGE-DIRECTION O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -pull ATTRACT_SUCK I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -pulsate MOVE-ONESELF I-V B-Theme O I-Theme B-V -pulverize BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -pummel HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -pump LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -pump FILL I-Destination I-V B-Agent O B-Destination I-Agent B-V -pump REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -pump FLOW B-Cause I-V B-Theme O I-Theme I-Cause B-V -punch HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -punctuate STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -punish PUNISH I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -purchase BUY O B-Agent I-Theme I-Asset B-V I-Beneficiary I-V I-Source B-Asset B-Theme I-Agent B-Source B-Beneficiary -purge EXCRETE B-Cause O I-Theme I-Cause B-V I-V I-Source B-Theme B-Source -purify WASH_CLEAN I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -purport REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -purr MAKE-A-SOUND B-Attribute O I-Attribute I-Recipient I-Theme B-Recipient B-V I-V B-Theme -pursue FOLLOW-IN-SPACE I-V B-Theme O B-Agent I-Theme I-Agent B-V -push MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -push PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -push DEVELOP_AGE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -push PUBLICIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -push ESTABLISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -put PUT_APPLY_PLACE_PAVE B-Attribute I-Location O B-Agent I-Attribute I-Theme B-V I-V B-Theme I-Agent B-Location -put SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -put RETAIN_KEEP_SAVE-MONEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -put DELAY O B-Agent I-Theme B-V B-Extent I-V B-Theme I-Agent I-Extent -put CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -put PERFORM I-V B-Theme O B-Agent I-Theme I-Agent B-V -put WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -put PUBLISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -put PAY O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -put TOLERATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -put MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -putter TRAVEL I-V B-Theme O I-Theme B-V -putz WORK I-V B-Theme O B-Agent I-Theme I-Agent B-V -puzzle CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -pyramid INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -quack MAKE-A-SOUND I-V B-Theme O I-Theme B-V -quadruple INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -qualify REPRESENT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -qualify EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -quantify MEASURE_EVALUATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -quarrel QUARREL_POLEMICIZE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -quash CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -quell SUBJUGATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -quench SUBJUGATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -query ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -question ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -quibble ARGUE-IN-DEFENSE I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -quicken SPEED-UP B-Source O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -quiet MAKE-RELAX B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -quip JOKE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -quit RESIGN_RETIRE I-V I-Source O B-Agent I-Agent B-Source B-V -quiver MOVE-ONESELF I-V B-Theme O I-Theme B-V -quiz VERIFY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -quote CITE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -race RUN B-Location I-V I-Location B-Theme O I-Theme B-V -race COMPETE I-Co-Agent B-Goal O B-Agent B-V B-Co-Agent I-Goal I-V I-Agent -rack BUY O B-Agent I-Theme I-Asset B-V I-Beneficiary I-V I-Source B-Asset B-Theme I-Agent B-Source B-Beneficiary -radiate EMIT I-V B-Theme I-Source O I-Theme B-Source B-V -radio TRANSMIT O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -rag CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -rage ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -raid ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -rail OPPOSE_REBEL_DISSENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -railroad OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -rain METEOROLOGICAL B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -raise RAISE B-Location B-Source I-Location O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -raise GROUP O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -raise DEVELOP_AGE B-Cause I-V B-Theme O I-Theme I-Cause B-V -rake GROUP O B-Agent B-Instrument I-Theme B-V I-Instrument I-V I-Source B-Theme I-Agent B-Source -rake OBTAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -rally AMASS B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -rally INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -ram HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -ramble TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -ramble SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -ramp STRENGTHEN_MAKE-RESISTANT I-Patient O I-V B-Patient B-Agent I-Agent B-V -ranch WORK I-Goal I-V B-Goal O B-Agent I-Agent B-V -range MOVE-ONESELF B-Source B-Attribute O I-Attribute B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -rank SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -rankle CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -rap HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -rape ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -rat BETRAY I-Patient O I-V B-Patient B-Agent I-Agent B-V -ratchet MOVE-ONESELF B-Source O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -rate CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -ratify APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -ration RESTRAIN I-Patient B-Cause B-Patient B-Instrument O I-Cause B-V I-Instrument I-V -rationalize JUSTIFY_EXCUSE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -rattle MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -rattle MAKE-A-SOUND I-V B-Theme O I-Theme B-V -rattle SPEAK O B-Agent B-V I-V B-Topic I-Agent I-Topic -ravage DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -rave SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -ravish CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -raze FLATTEN_SMOOTHEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -re-create CREATE_MATERIALIZE B-Attribute O I-Attribute B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -re-debate DISCUSS I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -re-elect CHOOSE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -re-emerge APPEAR B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -re-employ HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -re-enact SIMULATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -re-engage CARRY-OUT-ACTION I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -re-enter ENTER I-Destination I-V B-Agent O B-Destination I-Agent B-V -re-evaluate MEASURE_EVALUATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -re-export SELL O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -re-fight FIGHT I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -re-landscape EMBELLISH I-Result O B-Agent B-Destination I-Theme B-V I-V B-Result B-Theme I-Agent I-Destination -re-ship CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -re-unify COMBINE_MIX_UNITE I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -re-victimize HURT_HARM_ACHE B-Goal O B-Agent B-V B-Experiencer I-Goal I-V I-Experiencer I-Agent -reach REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -reach ARRIVE I-Destination I-V B-Agent O B-Destination I-Agent B-V -reach EXTEND O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -react REACT I-Result O B-Result B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -reactivate AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -read READ O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Topic B-Theme I-Agent I-Topic -readjust ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -readmit AUTHORIZE_ADMIT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -ready PREPARE I-Purpose O B-Agent B-Purpose B-V I-Product I-V B-Product I-Agent -reaffirm AFFIRM I-V B-Theme O B-Agent I-Theme I-Agent B-V -realign ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -realize UNDERSTAND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -realize CREATE_MATERIALIZE I-Result O B-Agent B-Material B-V I-V B-Result I-Agent I-Material -reap OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -reappear APPEAR I-V B-Theme O I-Theme B-V -reapply ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -reapportion CIRCULATE_SPREAD_DISTRIBUTE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V I-Source B-Theme I-Agent B-Source -reappraise MEASURE_EVALUATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -rear DEVELOP_AGE B-Cause I-V B-Theme O I-Theme I-Cause B-V -rear RAISE I-V B-Theme O I-Theme B-V -rearm LOAD_PROVIDE_CHARGE_FURNISH I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -rearrange SORT_CLASSIFY_ARRANGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -reason INFER I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -reassemble MOUNT_ASSEMBLE_PRODUCE I-Result O B-Agent B-Material B-V I-Product I-V B-Result B-Product I-Agent I-Material -reassert AFFIRM B-Attribute O I-Theme B-V B-Agent I-Recipient I-Attribute B-Recipient I-V B-Theme I-Agent -reassess THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -reassign ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -reassure MAKE-RELAX O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -reawaken AROUSE_WAKE_ENLIVEN O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -rebel OPPOSE_REBEL_DISSENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -rebound MOVE-BACK B-Source O B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -rebuff REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -rebuild MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -rebut DISCUSS B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -recalculate CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -recalibrate ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -recall RECALL O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -recall REMEMBER B-Attribute O I-Attribute B-Agent I-Theme I-Recipient B-Recipient B-V I-V B-Theme I-Agent -recant SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -recap SUMMARIZE O B-Agent B-V I-Beneficiary I-V B-Topic B-Beneficiary I-Agent I-Topic -recapture CATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -recast RENEW I-Patient B-Patient B-Agent O B-Material B-V I-V I-Agent I-Material -recede MOVE-BACK I-V B-Theme O I-Theme B-V -receive RECEIVE B-Attribute O I-Attribute B-Agent I-Theme B-V B-Value I-Value I-V I-Source B-Theme I-Agent B-Source -recess PUT_APPLY_PLACE_PAVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -recharge FUEL I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -recheck VERIFY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -recirculate MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -recite SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -reckon SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -reckon TAKE-INTO-ACCOUNT_CONSIDER I-V B-Theme O B-Agent I-Theme I-Agent B-V -reclaim REQUIRE_NEED_WANT_HOPE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -reclassify SORT_CLASSIFY_ARRANGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -recognize APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -recognize UNDERSTAND B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -recoil MOVE-BACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -recombine COMBINE_MIX_UNITE I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -recommend PROPOSE B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -reconcile SETTLE_CONCILIATE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -reconsider CONSIDER I-V B-Theme O B-Agent I-Theme I-Agent B-V -reconstruct MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-V B-Product I-Agent I-Material -reconvene MEET B-Cause I-V B-Theme O I-Theme I-Cause B-V -record RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -recount SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -recoup OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -recover HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -recover OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -recreate CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -recruit HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -rectify ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -recuperate HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Theme O I-Theme B-Beneficiary B-V -recur HAPPEN_OCCUR B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -recuse DEBASE_ADULTERATE I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -recycle USE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -redden COLOR I-Patient O I-V B-Patient B-Agent I-Agent B-V -redecorate EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -redeem PAY O B-Agent I-Theme I-Asset B-V I-V B-Asset B-Theme I-Agent -redefine NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -redeploy SORT_CLASSIFY_ARRANGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -redesign CREATE_MATERIALIZE I-Result O B-Agent B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -redevelop CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -redirect DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -rediscover FIND I-V B-Theme O B-Agent I-Theme I-Agent B-V -redistribute SORT_CLASSIFY_ARRANGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -redline SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -redo REPEAT I-Co-Agent O B-Agent B-Instrument I-Theme B-V B-Co-Agent I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -redouble INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -redound MOVE-BACK I-Destination I-V B-Theme O B-Destination I-Theme B-V -redress PAY I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -reduce REDUCE_DIMINISH I-Patient B-Source I-Location B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent B-Location -reek ODORIZE I-Destination I-V B-Agent O B-Destination I-Agent B-V -reel CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -reel SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -reel ROLL I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -reestablish RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient O I-V B-Patient B-Agent I-Agent B-V -reevaluate MEASURE_EVALUATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -reexamine ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -refashion RENEW I-Patient O I-V B-Patient B-Agent I-Agent B-V -refer NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -refer SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -reference CITE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -refinance REPEAT O B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V I-Agent B-Beneficiary -refinance PAY O B-Agent I-Theme I-Asset B-V I-V B-Asset B-Theme I-Agent -refine AMELIORATE I-Patient B-Patient B-Agent O B-Material B-V I-V I-Agent I-Material -reflect REFLECT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -reflect THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -refocus FOCUS O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -reform AMELIORATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -reformulate AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -refrain ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -refresh COOL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -refuel FUEL I-Patient O I-V B-Patient B-Agent I-Agent B-V -refund GIVE_GIFT O I-Recipient I-Co-Theme I-Theme B-Agent B-Recipient B-V B-Co-Theme I-V B-Theme I-Agent -refurbish EMBELLISH I-Destination I-V B-Agent O B-Destination I-Agent B-V -refuse REFUSE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -refute PROVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -regain OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -regard SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -regenerate CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -register RECORD B-Attribute O B-Instrument I-Theme B-V I-Attribute B-Agent I-Instrument I-V B-Theme I-Agent -regress RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Source I-Agent B-Source I-Destination -regret REGRET_SORRY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -regroup SORT_CLASSIFY_ARRANGE I-V O B-Agent I-Agent B-V -regulate ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -regurgitate EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -rehabilitate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient O I-V B-Patient B-Agent I-Agent B-V -rehash DISCUSS I-Topic I-V B-Topic O B-Agent I-Agent B-V -rehearse TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -rehire HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -reign LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -reignite BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -reimagine IMAGINE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -reimburse PAY O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -reimpose CHARGE O I-Recipient B-Recipient B-Agent I-Asset B-V I-V B-Asset I-Agent -rein STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -reinforce STRENGTHEN_MAKE-RESISTANT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -reinscribe CAVE_CARVE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -reinstall MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -reinstate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -reintegrate ADD I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -reintroduce BRING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -reinvent RENEW I-Patient O I-V B-Patient B-Agent I-Agent B-V -reinvigorate AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -reiterate REPEAT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -reject REFUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -rejoice CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -rejoin ALLY_ASSOCIATE_MARRY I-Co-Agent O B-Agent B-Instrument B-V B-Co-Agent I-Instrument I-V I-Agent -rejuvenate HELP_HEAL_CARE_CURE O B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V I-Agent B-Beneficiary -rekindle BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -relapse WORSEN I-Patient I-Goal O I-V B-Goal B-Patient B-V -relate CORRELATE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -relate SPEAK B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -relax MAKE-RELAX B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -relay SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -release LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -relegate DRIVE-BACK O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -relent GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -relieve EXEMPT O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -relieve HELP_HEAL_CARE_CURE O B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V I-Agent B-Beneficiary -relinquish GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -relish ENJOY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -relive UNDERGO-EXPERIENCE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -relocate MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -rely RELY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -remain REMAIN B-Attribute B-Goal O I-Attribute I-Theme B-V I-Goal I-V B-Theme -remake RENEW I-Patient B-Patient B-Agent O B-Material B-V I-Beneficiary I-V I-Agent I-Material B-Beneficiary -remand DRIVE-BACK O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -remark SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -remarry ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent O B-Agent I-Cause B-Co-Agent B-V I-V I-Agent -remedy ADJUST_CORRECT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -remember REMEMBER B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -remind REMEMBER B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -reminisce REMEMBER I-V B-Theme O B-Agent I-Theme I-Agent B-V -remit SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -remodel RENEW I-Patient O I-V B-Patient B-Agent I-Agent B-V -remove REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -remunerate PAY O I-Recipient B-Agent B-Recipient I-Asset B-V I-V B-Asset I-Agent -rename NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -render CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -render LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -render PERFORM B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -rendezvous MEET B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -renege FAIL_LOSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -renegotiate NEGOTIATE I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -renew ESTABLISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -renounce GIVE-UP_ABOLISH_ABANDON I-Patient B-Patient I-Recipient B-Agent B-Recipient O B-V I-V I-Agent -renovate REPAIR_REMEDY I-Patient O I-V B-Patient B-Agent I-Agent B-V -rent TAKE-A-SERVICE_RENT B-Source O B-Agent I-Theme I-Asset B-V B-Extent I-V I-Source B-Asset B-Theme I-Agent I-Extent -rent LEND O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V B-Extent I-V B-Asset B-Theme I-Agent I-Extent -reopen OPEN I-Patient B-Patient I-Recipient B-Agent B-Instrument B-Recipient O B-V I-Instrument I-V I-Agent -reorganize ORGANIZE I-Result O B-Agent I-Theme B-Material B-V I-Beneficiary I-V B-Result B-Theme I-Agent I-Material B-Beneficiary -reorient ORIENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -repack INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -repackage INSERT O B-Agent B-Destination I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -repaint PAINT O B-Destination B-Agent B-Instrument B-V I-Beneficiary I-Instrument I-V B-Beneficiary I-Agent I-Destination -repair REPAIR_REMEDY I-Patient O I-V B-Patient B-Agent I-Agent B-V -repatriate AUTHORIZE_ADMIT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -repay PAY O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-V B-Asset B-Theme I-Agent -repeal CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -repeat REPEAT B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -repel DRIVE-BACK O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -repent REGRET_SORRY O B-Destination B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Destination -rephrase SPEAK B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -replace REPLACE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -replant GROW_PLOW I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -replenish FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -replicate REPEAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -reply ANSWER O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -report INFORM O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -reposition PUT_APPLY_PLACE_PAVE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -repossess GIVE_GIFT I-V B-Theme O B-Agent I-Theme I-Agent B-V -repost PUBLISH O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -represent REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -repress SUBJUGATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -reprimand REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -reprint COPY I-V B-Theme O B-Agent I-Theme I-Agent B-V -reprocess PREPARE B-Goal O B-Agent B-Material B-V I-Product I-Goal I-V B-Product I-Agent I-Material -reproduce COPY I-V B-Theme O B-Agent I-Theme I-Agent B-V -reprove PUNISH I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -repudiate REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -repute TREAT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -request ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -require REQUIRE_NEED_WANT_HOPE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -requisition ASK_REQUEST I-V B-Theme O B-Agent I-Theme I-Agent B-V -reroute DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -reschedule PLAN_SCHEDULE B-Goal O B-Agent I-Theme B-V I-Goal B-Time I-V B-Theme I-Agent I-Time -rescind GIVE_GIFT I-V B-Theme O B-Agent I-Theme I-Agent B-V -rescue HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -research SEARCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -resell SELL O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-Beneficiary I-V B-Asset B-Theme I-Agent B-Beneficiary -resemble SEEM B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -resent DISLIKE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -reserve RESERVE B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -reset RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -resettle DIP_DIVE I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -reshape ESTABLISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -reshuffle MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -reside STAY_DWELL B-Location I-V I-Location B-Theme O I-Theme B-V -resign RESIGN_RETIRE I-V I-Source O B-Agent I-Agent B-Source B-V -resist RESIST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -resolve SETTLE_CONCILIATE I-Co-Agent B-Attribute O I-Attribute B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -resolve DECIDE_DETERMINE B-Goal O B-Agent B-Instrument I-Theme B-V I-Goal I-Instrument I-V B-Theme I-Agent -resonate MAKE-A-SOUND B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -resort RESULT_CONSEQUENCE I-Goal I-V B-Goal O B-Agent I-Agent B-V -resound MAKE-A-SOUND I-V B-Theme I-Source O I-Theme B-Source B-V -respect LIKE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -respond REACT I-Result O B-Result B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -rest PUT_APPLY_PLACE_PAVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -rest RELY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -restart CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -restate REPEAT B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -restate MEASURE_EVALUATE B-Source O B-Agent B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -restore GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -restore HELP_HEAL_CARE_CURE I-Result O B-Agent B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -restrain RESTRAIN I-Patient B-Cause B-Goal B-Patient B-Instrument O I-Cause B-V I-Goal I-Instrument I-V -restrict RESTRAIN I-Patient B-Cause B-Goal B-Patient O I-Cause B-V I-Goal I-V -restructure ORGANIZE I-Result O B-Agent I-Theme B-Material B-V I-V B-Result B-Theme I-Agent I-Material -result RESULT_CONSEQUENCE I-Goal I-V B-Theme B-Goal O I-Theme B-V -resume CONTINUE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -resupply LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -resurface APPEAR I-V B-Theme O I-Theme B-V -resurrect MOVE-BACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -resuscitate MOVE-BACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -retail SELL O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-Beneficiary I-V B-Asset B-Theme I-Agent B-Beneficiary -retain RETAIN_KEEP_SAVE-MONEY B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -retake GIVE_GIFT I-V B-Theme O B-Agent I-Theme I-Agent B-V -retaliate ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -retard DELAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -rethink BELIEVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -retire RESIGN_RETIRE I-V I-Source O B-Agent I-Agent B-Source B-V -retire PAY I-V O B-Agent I-Asset I-Agent B-Asset B-V -retool ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Source I-Agent B-Source -retrace MOVE-BACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -retract RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient O I-V B-Patient B-Agent I-Agent B-V -retrain STUDY B-Cause O B-Agent I-Cause B-V I-V B-Topic I-Agent I-Topic -retreat MOVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -retreat REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient O B-V I-Goal B-Extent I-V I-Source I-Extent -retrench STRENGTHEN_MAKE-RESISTANT I-V O B-Agent I-Agent B-V -retrieve BRING O B-Agent B-Destination I-Theme B-V I-Beneficiary I-V B-Beneficiary B-Theme I-Agent I-Destination -retrofit AMELIORATE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -retrogress WORSEN I-Patient B-Goal B-Patient O B-V I-Goal I-V I-Source B-Source -retry SUBJECTIVE-JUDGING I-V B-Theme O B-Agent I-Theme I-Agent B-V -return MOVE-BACK B-Location B-Source I-Location O B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -return GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -return RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -reunite ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent I-Result O B-Agent I-Cause B-Co-Agent B-V I-V B-Result I-Agent -reup INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -reuse USE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -rev INCREASE_ENLARGE_MULTIPLY I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -revalue MEASURE_EVALUATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -revamp REPAIR_REMEDY I-Patient O I-V B-Patient B-Agent I-Agent B-V -reveal REVEAL B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -revel LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -reverberate MAKE-A-SOUND I-V B-Theme O I-Theme B-V -revere LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -reverse INVERT_REVERSE I-Patient O I-V B-Patient B-Agent I-Agent B-V -revert RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient I-Destination O I-V B-Patient B-Destination B-V -review VERIFY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -revile OFFEND_DISESTEEM B-Cause O B-Agent I-Cause B-Experiencer B-V I-V I-Experiencer I-Agent -revise ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Source I-Agent B-Source -revisit VISIT B-Location I-V I-Location O B-Agent I-Agent B-V -revitalize AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -revive AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -revoke CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -revolutionize CHANGE_SWITCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -revolve TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -reward GIVE_GIFT B-Attribute O I-Recipient B-Recipient I-Attribute B-Agent B-V I-V I-Agent -rework AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -rewrite WRITE I-Result I-V O B-Agent I-Agent B-Result B-V -rhyme MATCH O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -rid CANCEL_ELIMINATE I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -ridden FILL I-V B-Theme O B-Agent I-Theme I-Agent B-V -riddle AFFECT O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -ride MOVE-BY-MEANS-OF I-V B-Theme O B-Agent I-Theme I-Agent B-V -ride OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -ridicule JOKE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -riff JOKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -rig FAKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -rig MOUNT_ASSEMBLE_PRODUCE I-Product B-Product I-V O B-Agent I-Agent B-V -right ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -rile CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -rim LIE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -ring PERFORM O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -ring ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -ring RECORD B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -ring COMMUNICATE_CONTACT I-Patient O I-V B-Patient B-Agent I-Agent B-V -rinse WASH_CLEAN I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -riot OPPOSE_REBEL_DISSENT I-V O B-Agent I-Agent B-V -rip CUT I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -rip TRAVEL I-V B-Theme O I-Theme B-V -rip STEAL_DEPRIVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -ripen GROW_PLOW I-Patient O I-V B-Patient B-Agent I-Agent B-V -ripple MOVE-SOMETHING I-V B-Theme O B-Agent I-Theme I-Agent B-V -rise INCREASE_ENLARGE_MULTIPLY I-Patient B-Location B-Source I-Location B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -risk RISK I-V B-Theme O B-Agent I-Theme I-Agent B-V -rival COMPETE I-Co-Agent B-Goal O B-Agent B-V B-Co-Agent I-Goal I-V I-Agent -rivet FOCUS O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -roam TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -roar MAKE-A-SOUND B-Attribute O I-Attribute I-Recipient I-Theme B-Recipient B-V I-V B-Theme -roar GO-FORWARD B-Location I-V I-Location O B-Agent I-Agent B-V -roast JOKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -rob STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -robe DRESS_WEAR I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -rock MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -rocket INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Attribute B-Patient I-Attribute B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -roil MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -roll ROLL B-Attribute I-Location O B-Agent I-Attribute I-Theme B-V I-V B-Theme I-Agent B-Location -roll INSERT I-V B-Theme O B-Agent I-Theme I-Agent B-V -romance ALLY_ASSOCIATE_MARRY B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -romp RUN B-Location I-V I-Location B-Theme O I-Theme B-V -roost LIE I-V B-Theme O I-Theme B-V -root EXTRACT I-V B-Theme O B-Agent I-Theme I-Agent B-V -root GROUND_BASE_FOUND O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -root FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -rot DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -rotate TURN_CHANGE-DIRECTION I-V B-Theme O B-Agent I-Theme I-Agent B-V -rotate ALTERNATE I-Result O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Result B-Theme I-Agent -round FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -round GROUP I-V B-Theme O B-Agent I-Theme I-Agent B-V -route SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -row MOVE-SOMETHING I-V B-Theme O B-Agent I-Theme I-Agent B-V -rub TOUCH O B-Agent B-Instrument B-Destination B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent I-Destination -rue REGRET_SORRY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -ruffle MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -ruin DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -rule DECREE_DECLARE I-Result B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -rule PRECLUDE_FORBID_EXPEL O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -rule LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -rumble MAKE-A-SOUND B-Attribute O I-Attribute I-Recipient I-Theme B-Recipient B-V I-V B-Theme -ruminate THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -rumor SPEAK O B-Agent B-V I-V B-Topic I-Agent I-Topic -run OPERATE I-Patient I-Co-Agent B-Goal B-Patient B-Agent B-Instrument O B-V B-Co-Agent I-Goal I-Instrument I-V I-Agent -run RUN I-Location O I-Co-Theme I-Theme B-V B-Co-Theme I-V B-Theme B-Location -run COST O I-Theme B-V B-Value I-Value I-Beneficiary I-V B-Theme B-Beneficiary -run EXTEND B-Source O B-Destination B-Instrument I-Theme B-V B-Extent I-Instrument I-V I-Source B-Theme I-Extent I-Destination -run CONSUME_SPEND I-Patient O I-V B-Patient B-Agent I-Agent B-V -run AMASS I-V B-Theme O B-Agent I-Theme I-Agent B-V -run MEET B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -run MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -run SHOW I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -run RISK B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -rupture SEPARATE_FILTER_DETACH I-Patient O I-V B-Patient B-Agent I-Agent B-V -rush RUN I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -rust CORRODE_WEAR-AWAY_SCRATCH I-Patient B-V I-V O B-Patient -rusticate CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -sabotage DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -sack DISMISS_FIRE-SMN I-V B-Theme O B-Agent I-Theme I-Agent B-V -sacrifice GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -sadden CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -saddle BURDEN_BEAR O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -safeguard PROTECT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -sag FALL_SLIDE-DOWN B-Source O B-Destination B-Agent I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -sail MOVE-BY-MEANS-OF I-V B-Theme O B-Agent I-Theme I-Agent B-V -salt COOK I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -salute APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -salvage HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -sample TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -sanctify COMMUNE I-V B-Theme O B-Agent I-Theme I-Agent B-V -sanction APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -sandwich INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -sanitize WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -sap CONSUME_SPEND I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -satirize JOKE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -satisfy CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -satisfy PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -saturate FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -save RETAIN_KEEP_SAVE-MONEY O I-Theme I-Cause B-V I-Beneficiary B-Beneficiary B-Cause I-Purpose B-Agent B-Purpose I-V B-Theme I-Agent -save HELP_HEAL_CARE_CURE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -savor ENJOY B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -say AFFIRM B-Attribute O I-Recipient I-Attribute I-Theme B-Agent B-Recipient B-V I-V B-Theme I-Agent -say DISCOURSE-FUNCTION O I-V B-V -scald BURN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -scale CHANGE-APPEARANCE/STATE I-Patient I-Result B-Goal B-Patient B-Agent O B-Material I-Material B-V I-Goal B-Extent I-V B-Result I-Agent I-Extent -scale RAISE I-Destination I-V B-Theme O B-Destination I-Theme B-V -scamper RUN I-V B-Theme O I-Theme B-V -scan ANALYZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -scandalize CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -scapegoat ACCUSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -scar HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -scare CAUSE-MENTAL-STATE O B-Instrument B-V B-Stimulus I-Experiencer I-Stimulus I-Result B-Result B-Extent I-Instrument I-V B-Experiencer I-Extent -scarf EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -scatter COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -scavenge GROUP O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -schedule PLAN_SCHEDULE O B-Agent I-Theme B-V I-Beneficiary B-Time I-V B-Theme I-Agent I-Time B-Beneficiary -scheme ORGANIZE I-Result O I-Co-Theme I-Theme B-V B-Co-Theme I-V B-Result B-Theme -scoff LAUGH I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -scold REPRIMAND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -scoop REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -scoot RUN I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -scorch BURN I-Patient O I-V B-Patient B-Agent I-Agent B-V -score SCORE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -score CREATE_MATERIALIZE I-Result O B-Agent B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -scorn DISLIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -scotch PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -scour SEARCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -scout SEARCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -scowl FACIAL-EXPRESSION I-Patient B-Patient I-Recipient B-Recipient B-Agent O B-V I-V I-Agent -scrabble FEEL O B-Destination B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Destination -scramble TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -scramble RUN B-Location I-V I-Location B-Theme O I-Theme B-V -scrap DISCARD I-V B-Theme O B-Agent I-Theme I-Agent B-V -scrap QUARREL_POLEMICIZE B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -scrape RETAIN_KEEP_SAVE-MONEY B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -scratch CORRODE_WEAR-AWAY_SCRATCH I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -scratch WRITE I-Result O I-Recipient B-Agent B-Recipient B-V I-V B-Result I-Agent -scratch SEARCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -scream SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -screech MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -screech STOP B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -screen ANALYZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -screen PROTECT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -screen SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -screw MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -screw SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -scribble WRITE I-Result O I-Recipient B-Agent B-Recipient B-V I-V B-Result I-Agent -scrimp CONTINUE I-V B-Theme O B-Agent I-Theme I-Agent B-V -script CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -scriptwrite CREATE_MATERIALIZE I-Result O B-Agent B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -scrounge SEARCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -scrub WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -scrutinize ANALYZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -scuffle FIGHT I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -sculpt CAVE_CARVE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -scurry RUN I-V B-Theme O I-Theme B-V -scuttle DIP_DIVE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -scuttle RUN I-V B-Theme O I-Theme B-V -seal CLOSE I-Patient O B-Patient B-Instrument B-V B-Source B-Agent I-V I-Instrument I-Source I-Agent -search SEARCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -season COOK I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -seat ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -secede DISBAND_BREAK-UP B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -secrete EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -secularize CHANGE_SWITCH I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -secure OBTAIN O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -secure GUARANTEE_ENSURE_PROMISE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -sedate MAKE-RELAX O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -seduce PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -see SEE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -see ACCOMPANY O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -see DISCOURSE-FUNCTION I-V O B-Agent I-Agent B-V -see VERIFY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -seed BURY_PLANT I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -seek SEARCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -seem SEEM B-Experiencer I-V B-Theme O I-Experiencer I-Theme B-V -seep FLOW B-Cause O I-Theme I-Cause B-V I-V I-Source B-Theme B-Source -seesaw MOVE-ONESELF B-Location B-Source I-Location O B-Destination I-Theme B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -seethe CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -segment SEPARATE_FILTER_DETACH I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -segregate SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -seize CATCH O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -select CHOOSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -sell SELL O I-Theme B-V I-Beneficiary B-Asset B-Beneficiary I-Recipient B-Agent B-Recipient I-Asset I-V B-Theme I-Agent -sell BETRAY I-Patient O I-V B-Patient B-Agent I-Agent B-V -send SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -send INCITE_INDUCE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -send DIRECT_AIM_MANEUVER B-Source B-Attribute O I-Attribute B-Agent I-Theme B-Destination B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -send ASK_REQUEST I-V B-Theme O B-Agent I-Theme I-Agent B-V -sense PERCEIVE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -sensitize TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -sentence DECREE_DECLARE I-Result O B-Agent I-Theme B-V I-V B-Topic B-Result B-Theme I-Agent I-Topic -separate SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -sequester ISOLATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -serve WORK B-Attribute B-Goal O I-Attribute B-Agent B-V I-Goal I-V I-Agent -serve NOURISH_FEED O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -serve GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -service HAVE-A-FUNCTION_SERVE I-Goal B-Value I-Value I-V B-Goal O B-V -set PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -set ESTABLISH B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -set BEGIN B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -set EXPLODE I-Patient O I-V B-Patient B-Agent I-Agent B-V -set LEAVE_DEPART_RUN-AWAY I-Destination I-V B-Theme O B-Destination I-Theme B-V -set PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -set DISAPPEAR I-Patient B-V I-V O B-Patient -set COMPENSATE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -settle FINISH_CONCLUDE_END O B-Instrument I-Theme B-V B-Source I-Result B-Agent B-Extent I-Instrument I-V I-Source B-Result B-Theme I-Agent I-Extent -settle SETTLE_CONCILIATE I-Co-Agent B-Attribute O I-Attribute B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -settle MAKE-RELAX B-Experiencer I-V O I-Experiencer B-V -sever CUT I-V I-Source O B-Agent I-Agent B-Source B-V -sew SECURE_FASTEN_TIE I-Patient B-Attribute B-Patient I-Attribute B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -shackle STOP B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent -shade CLOUD_SHADOW_HIDE I-Patient O I-V B-Patient B-Agent I-Agent B-V -shadow FOLLOW-IN-SPACE I-V B-Theme O B-Agent I-Theme I-Agent B-V -shag CATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -shake MOVE-ONESELF O B-Agent I-Theme B-V I-V B-Theme I-Agent -shake DISCARD O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -shame OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -shame OFFEND_DISESTEEM O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -shampoo WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -shape SHAPE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -shape SEEM B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -shape AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -share SHARE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -sharpen SHARPEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -shatter BREAK_DETERIORATE I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -shave CUT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -shear CUT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -shed DISCARD I-V B-Theme O B-Agent I-Theme I-Agent B-V -shed REDUCE_DIMINISH I-Patient B-Source B-Attribute B-Goal B-Patient I-Attribute O B-V I-Goal B-Extent I-V I-Source I-Extent -shed SPILL_POUR O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -shell ATTACK_BOMB I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -shell GIVE_GIFT B-Goal O I-Recipient B-Agent I-Theme B-Recipient B-V I-Goal I-V B-Theme I-Agent -shelter TAKE-SHELTER B-Attribute I-Location O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -shelve PUT_APPLY_PLACE_PAVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -shepherd WATCH_LOOK-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -shield PROTECT O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -shift CHANGE_SWITCH I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -shimmer LIGHT_SHINE I-V B-Theme O I-Theme B-V -shimmer GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -shimmy DANCE I-Co-Agent I-Location O B-Agent B-V B-Co-Agent I-V I-Agent B-Location -shine LIGHT_SHINE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -shine EXIST-WITH-FEATURE I-V B-Theme O I-Theme B-V -ship CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -shirk ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -shit EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -shiver MOVE-ONESELF I-V B-Theme O I-Theme B-V -shock CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -shoehorn PREPARE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -shoo DRIVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -shoot THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -shoot KILL I-Patient I-Location B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent B-Location -shoot RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -shoot SPEAK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -shoot KNOCK-DOWN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -shoot RUN B-Location B-Source I-Location O B-Destination B-Agent I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -shoot ANSWER O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -shop SEARCH B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -shop SELL O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-Beneficiary I-V B-Asset B-Theme I-Agent B-Beneficiary -shore STABILIZE_SUPPORT-PHYSICALLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -shore LAND_GET-OFF I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -short-circuit MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -short SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -short MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -shorten REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -shoulder CARRY_TRANSPORT I-V B-Theme O B-Agent I-Theme I-Agent B-V -shout SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -shove PRESS_PUSH_FOLD I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -shovel EXTRACT I-V B-Theme O B-Agent I-Theme I-Agent B-V -show SHOW O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -show APPEAR I-V B-Theme O I-Theme B-V -shower THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -shower CELEBRATE_PARTY B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -shpritz SPILL_POUR O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -shred CUT I-Result O B-Agent B-Instrument B-V I-Instrument I-V I-Source B-Result I-Agent B-Source -shriek MAKE-A-SOUND I-Patient B-Patient I-Recipient B-Recipient I-Theme O B-V I-V B-Theme -shrink REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -shrivel REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -shroud COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -shrug SIGN I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -shrug DEBASE_ADULTERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -shrug SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -shudder MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -shuffle GO-FORWARD B-Cause O B-Destination B-Agent I-Cause B-V I-V I-Agent I-Destination -shuffle MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -shun ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -shunt CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -shut CLOSE I-Patient O I-V B-Patient B-Agent I-Agent B-V -shut STOP O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -shut ISOLATE I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -shut SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument B-Time I-V I-Agent I-Time -shut MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -shutter CLOSE I-Patient O I-V B-Patient B-Agent I-Agent B-V -shuttle GO-FORWARD B-Cause O B-Agent B-Destination I-Cause B-V I-V I-Source I-Agent B-Source I-Destination -shuttle DISCARD O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -shy ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -sicken CONTRACT-AN-ILLNESS_INFECT I-Patient O I-V B-Theme B-Patient I-Theme B-V -side FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -sidestep ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -sidetrack DIVERSIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -sift SEPARATE_FILTER_DETACH B-Co-Patient I-V O B-Agent I-Agent I-Co-Patient B-V -sigh SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -sigh BREATH_BLOW I-V O B-Agent I-Agent B-V -sight SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -sightsee VISIT I-V O B-Agent I-Agent B-V -sign WRITE I-Result O B-Agent B-Instrument B-V I-Instrument I-V B-Result I-Agent -sign AGREE_ACCEPT I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -sign ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent O B-Agent I-Theme I-Cause B-Co-Agent B-V I-V B-Theme I-Agent -sign HIRE I-V B-Theme O B-Agent I-Theme I-Agent B-V -signal SIGN O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -signify MEAN B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -silence MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -silt STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -simmer COOK I-Patient O I-V B-Patient B-Agent I-Agent B-V -simplify SIMPLIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -simulate SIMULATE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -sin VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -sing SING O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -single CHOOSE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -sink DIP_DIVE I-Patient B-Source B-Patient B-Agent B-Destination B-Instrument O B-V B-Extent I-Instrument I-V I-Source I-Agent I-Extent I-Destination -sip DRINK I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -siphon MOVE-SOMETHING O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -siphon EMPTY_UNLOAD O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -sit LIE I-Location O I-Co-Theme I-Theme B-V B-Co-Theme I-V B-Theme B-Location -sit ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -sit REPLACE B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -situate PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -size ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -sizzle MAKE-A-SOUND I-V B-Theme O I-Theme B-V -sketch SUMMARIZE O B-Agent B-V I-Beneficiary I-V B-Topic B-Beneficiary I-Agent I-Topic -skew INFLUENCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -ski TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -skid GO-FORWARD O B-Destination I-Cause B-V B-Source I-Destination B-Cause B-Agent B-Extent I-V I-Source I-Agent I-Extent -skim GO-FORWARD B-Location I-V I-Location O B-Agent I-Agent B-V -skim REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -skimp LOAD_PROVIDE_CHARGE_FURNISH I-V B-Theme O B-Agent I-Theme I-Agent B-V -skip MISS_OMIT_LACK I-V B-Theme O B-Agent I-Theme I-Agent B-V -skip LEAVE_DEPART_RUN-AWAY I-V B-Theme O I-Theme B-V -skipper WORK I-Goal I-V B-Goal O B-Agent I-Agent B-V -skirmish FIGHT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -skirt ENCLOSE_WRAP B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -skirt ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -skulk TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -skydive FALL_SLIDE-DOWN O I-Co-Theme I-Theme B-V B-Co-Theme I-V I-Source B-Theme B-Source -skyrocket INCREASE_ENLARGE_MULTIPLY I-Patient B-Location B-Source I-Location B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -slack UNFASTEN_UNFOLD I-Patient B-Extent O I-V B-Patient I-Extent B-V -slacken SLOW-DOWN I-Patient O I-V B-Patient B-Agent I-Agent B-V -slam THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -slam HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -slant INCLINE I-Patient O I-V B-Patient B-Agent I-Agent B-V -slap HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -slash CUT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -slash REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -slate PLAN_SCHEDULE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -slather PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -slaughter KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -slay KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -sleep SLEEP O B-Agent I-Theme B-V B-Time I-V B-Theme I-Agent I-Time -sleep HAVE-SEX B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -sleep STAY_DWELL I-V B-Theme O I-Theme B-V -slice CUT I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -slide MOVE-SOMETHING I-V B-Theme O B-Agent I-Theme I-Agent B-V -slide GO-FORWARD B-Source O B-Agent B-Destination B-Instrument B-V B-Extent I-Instrument I-V I-Source I-Agent I-Extent I-Destination -slim REDUCE_DIMINISH I-Patient O B-Patient B-Agent B-V I-V I-Agent -sling MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -slip REDUCE_DIMINISH I-Patient B-Source B-Attribute B-Goal B-Patient I-Attribute O B-V I-Goal B-Extent I-V I-Source I-Extent -slip GO-FORWARD B-Cause O B-Destination B-Agent I-Cause B-V I-V I-Agent I-Destination -slip GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -slip INSERT I-V B-Theme O B-Agent I-Theme I-Agent B-V -slither OVERCOME_SURPASS I-V B-Theme O I-Theme B-V -sliver BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -slog MOVE-ONESELF B-Location I-V I-Location B-Theme O I-Theme B-V -slope GO-FORWARD I-V O B-Agent I-Agent B-V -slosh THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -slow SLOW-DOWN I-Patient O B-Patient B-Destination B-V B-Source I-Destination B-Agent I-V I-Source I-Agent -slow REDUCE_DIMINISH I-Patient I-Location B-Goal B-Patient O B-V I-Goal I-V I-Source B-Source B-Location -slug HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -slug DISCUSS I-Co-Agent B-Attribute O I-Attribute B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -slump FALL_SLIDE-DOWN B-Source O B-Destination B-Agent I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -smack EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -smart HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -smash DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -smash HIT I-V O B-Agent I-Agent B-V -smear COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -smear ACCUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -smell SMELL B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -smell ODORIZE I-Destination I-V B-Theme O B-Destination I-Theme B-V -smile LAUGH O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -smoke EMIT I-V B-Theme I-Source O I-Theme B-Source B-V -smoke BREATH_BLOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -smoke COOK I-Patient O I-V B-Patient B-Agent I-Agent B-V -smolder BURN I-Patient B-V I-V O B-Patient -smooth FLATTEN_SMOOTHEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -smooth UNFASTEN_UNFOLD I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -smooth SETTLE_CONCILIATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -smother KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -smuggle CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -snag OBTAIN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -snake GO-FORWARD B-Location I-V I-Location O B-Agent I-Agent B-V -snap SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -snap MAKE-A-SOUND O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -snap BREAK_DETERIORATE I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -snap MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -snap BUY O B-Agent I-Theme I-Asset B-V I-Beneficiary I-V I-Source B-Asset B-Theme I-Agent B-Source B-Beneficiary -snatch CATCH O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -sneak MOVE-ONESELF I-Patient B-Patient B-Destination O I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -sneeze BREATH_BLOW I-V O B-Agent I-Agent B-V -sniff SMELL B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -sniff SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -sniff FIND I-V B-Theme O B-Agent I-Theme I-Agent B-V -snipe SHOOT_LAUNCH_PROPEL I-Destination I-V B-Agent O B-Destination I-Agent B-V -snitch STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -snivel SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -snoop SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -snore BREATH_BLOW I-V O B-Agent I-Agent B-V -snorkel DIP_DIVE I-Patient B-Co-Patient I-Location B-Patient O I-Co-Patient B-V I-V B-Location -snort MAKE-A-SOUND B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -snow METEOROLOGICAL B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -snowball INCREASE_ENLARGE_MULTIPLY I-Patient I-Destination O I-V B-Patient B-Destination B-V -snub REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -soak WET I-Patient O I-V B-Patient B-Agent I-Agent B-V -soak ABSORB O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -soar INCREASE_ENLARGE_MULTIPLY I-Patient B-Location B-Source I-Location B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -soar FLY I-V B-Theme O I-Theme B-V -sob CRY I-V O B-Agent I-Agent B-V -sober HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -socialize PARTICIPATE I-V O B-Agent I-Agent B-V -socialize CHANGE_SWITCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -sock RETAIN_KEEP_SAVE-MONEY I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -soften REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -soil DIRTY I-Destination I-V B-Agent O B-Destination I-Agent B-V -solicit ASK_REQUEST O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -solidify CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -solve SOLVE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -soothe MAKE-RELAX B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -sort SORT_CLASSIFY_ARRANGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -sort PERCEIVE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -soulsearch THINK I-V O B-Agent I-Agent B-V -sound EXIST-WITH-FEATURE B-Cause B-Attribute O I-Attribute I-Theme I-Cause B-V I-V B-Theme -sound PERFORM I-V B-Theme O B-Agent I-Theme I-Agent B-V -sound SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -sour CHANGE-TASTE I-Patient B-Patient B-Agent O B-V I-Beneficiary I-V I-Agent B-Beneficiary -source OBTAIN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -source LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -sow BURY_PLANT I-Patient O I-V B-Patient B-Agent I-Agent B-V -space FORGET I-V B-Theme O B-Agent I-Theme I-Agent B-V -span EXTEND I-Destination I-V B-Theme O B-Destination I-Theme B-V -spar FIGHT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -spare EXEMPT O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -spare GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -spark AROUSE_WAKE_ENLIVEN O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -spawn CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -speak SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -spearhead LEAD_GOVERN I-V B-Theme O B-Agent I-Theme I-Agent B-V -specialize WORK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -specify EXPLAIN I-Topic I-V B-Topic O B-Agent I-Agent B-V -speculate THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -speed RUN I-V B-Theme O B-Agent I-Theme I-Agent B-V -speed SPEED-UP I-V B-Theme O B-Agent I-Theme I-Agent B-V -spell SPEAK B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -spell SIGNAL_INDICATE I-Topic I-V B-Topic O B-Agent I-Agent B-V -spell EXPLAIN I-Topic I-V B-Topic O B-Agent I-Agent B-V -spend CONSUME_SPEND I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-Beneficiary I-V I-Source I-Agent B-Source B-Beneficiary -spend SPEND-TIME_PASS-TIME B-Goal O B-Agent I-Asset B-V I-Goal I-V B-Asset I-Agent -spew EXCRETE O B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -spike KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -spill EMPTY_UNLOAD O B-Agent B-Destination B-V I-V I-Source I-Agent B-Source I-Destination -spill LEAVE_DEPART_RUN-AWAY O I-Theme B-V I-V I-Source B-Theme B-Source -spin MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -spin CREATE_MATERIALIZE B-Attribute O B-V I-Beneficiary B-Beneficiary I-Result I-Attribute B-Agent B-Material I-V B-Result I-Agent I-Material -spin WEAVE O B-Agent B-Material B-V I-Product I-V B-Product I-Agent I-Material -spiral GO-FORWARD B-Cause O B-Destination B-Agent I-Cause B-V I-V I-Agent I-Destination -spirit AROUSE_WAKE_ENLIVEN B-Experiencer I-V O I-Experiencer B-V -spit EXCRETE O B-Destination I-Theme B-V I-V I-Source B-Theme B-Source I-Destination -splash WET I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -splash BUY O B-Agent I-Theme I-Asset B-V I-Beneficiary I-V I-Source B-Asset B-Theme I-Agent B-Source B-Beneficiary -split SEPARATE_FILTER_DETACH I-Patient I-Result B-Patient B-Agent O B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -split DISBAND_BREAK-UP B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -spoil SPOIL I-Patient B-Cause O I-V B-Patient I-Cause B-V -sponsor FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -spook CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -sport DRESS_WEAR I-Patient O I-V B-Theme B-Patient I-Theme B-V -spot SEE B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-Beneficiary I-V I-Experiencer I-Stimulus B-Beneficiary -spotlight EMPHASIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -spout GO-FORWARD I-V I-Source O B-Agent I-Agent B-Source B-V -spout SPEAK I-Result O B-Agent B-Instrument B-V I-Instrument B-Topic I-V B-Result I-Agent I-Topic -sprain HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -sprawl LIE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -spray COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -spread COVER_SPREAD_SURMOUNT O B-Agent B-Destination I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -spread CIRCULATE_SPREAD_DISTRIBUTE O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -spring BEGIN O I-Theme B-V I-V I-Source B-Theme B-Source -sprinkle WET I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -sprout GROW_PLOW I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -spruce EMBELLISH I-Destination I-V B-Agent O B-Destination I-Agent B-V -spur AMELIORATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -spurn REFUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -spurt GO-FORWARD O B-Destination B-V B-Source I-Destination B-Agent B-Extent I-V I-Source I-Agent I-Extent -sputter MAKE-A-SOUND I-V B-Theme O I-Theme B-V -spy SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -squabble ARGUE-IN-DEFENSE I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -squander WASTE I-Patient O I-V B-Patient B-Agent I-Agent B-V -square MATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -square COMPETE B-Cause I-Co-Agent B-Goal O B-Agent I-Cause B-Co-Agent I-Goal B-V I-V I-Agent -squat LIE B-Location I-V I-Location B-Theme O I-Theme B-V -squat STAY_DWELL B-Location I-V I-Location B-Theme O I-Theme B-V -squeak TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -squeegee WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -squeeze PRESS_PUSH_FOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -squeeze OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Source I-Agent B-Source -squeeze REDUCE_DIMINISH I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -squelch SUBJUGATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -squint FACIAL-EXPRESSION I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -squirm MOVE-ONESELF I-Destination I-V B-Theme O B-Destination I-Theme B-V -stab CUT I-Result O B-Agent B-Instrument B-V I-Instrument I-V I-Source B-Result I-Agent B-Source -stabilize STABILIZE_SUPPORT-PHYSICALLY I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -stack AMASS I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -stack EXIST-WITH-FEATURE I-V B-Theme O I-Theme B-V -staff LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -stage CARRY-OUT-ACTION I-Patient O I-V B-Patient B-Agent I-Agent B-V -stagger TRAVEL I-V B-Theme O I-Theme B-V -stagnate STOP I-V B-Theme O I-Theme B-V -stain DIRTY O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -stake ASK_REQUEST B-Attribute B-Goal O I-Attribute B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -stalk HUNT I-V B-Theme O B-Agent I-Theme I-Agent B-V -stall DELAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -stall FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -stamp ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -stamp REPRESENT O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -stamp APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -stamp TRAVEL B-Cause I-V B-Theme O I-Theme I-Cause B-V -stamp FINISH_CONCLUDE_END I-V B-Theme O B-Agent I-Theme I-Agent B-V -stampede MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -stanch STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -stand PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -stand STOP I-Topic I-V B-Topic B-Theme O I-Theme B-V -stand TOLERATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -stand STAY_DWELL B-Location I-V I-Location B-Theme O I-Theme B-V -stand WAIT I-V O B-Agent I-Agent B-V -stand EXIST-WITH-FEATURE I-V B-Theme O I-Theme B-V -stand RAISE I-V B-Theme O I-Theme B-V -stand MEAN B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -stand GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -standardize ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -staple ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -star PERFORM B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -stare SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -stare OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -start BEGIN B-Attribute O B-Instrument I-Theme B-V B-Agent I-Attribute I-Instrument I-V B-Theme I-Agent -start LEAVE_DEPART_RUN-AWAY I-Destination I-V B-Theme O B-Destination I-Theme B-V -start SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -startle JUMP B-Cause I-V B-Theme O I-Theme I-Cause B-V -starve HURT_HARM_ACHE B-Goal O B-Agent B-V B-Experiencer I-Goal I-V I-Experiencer I-Agent -stash CLOUD_SHADOW_HIDE I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -stash RETAIN_KEEP_SAVE-MONEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -state SPEAK B-Attribute O I-Recipient I-Attribute B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -station PUT_APPLY_PLACE_PAVE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -stave ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -stay REMAIN B-Attribute B-Goal O I-Attribute I-Theme B-V I-Goal I-V B-Theme -stay STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -stay STAY_DWELL B-Location I-V I-Location B-Theme O I-Theme B-V -steady STABILIZE_SUPPORT-PHYSICALLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -steal STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -steam COOK I-Patient O I-V B-Patient B-Agent I-Agent B-V -steam EMIT I-V I-Source O B-Source B-V -steam GO-FORWARD B-Location I-V I-Location O B-Agent I-Agent B-V -steamroller CAUSE-SMT I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -steel PREPARE B-Goal O B-Agent B-V I-Goal I-Beneficiary I-V I-Agent B-Beneficiary -steep DIP_DIVE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -steer DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -steer ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -stem COME-FROM I-V I-Source O B-Agent I-Agent B-Source B-V -stem STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -step GO-FORWARD B-Cause O B-Agent B-Destination I-Cause B-V I-V I-Source I-Agent B-Source I-Destination -step PARTICIPATE I-V O B-Agent I-Agent B-V -step INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -step RESIGN_RETIRE I-V I-Source O B-Agent I-Agent B-Source B-V -sterilize WASH_CLEAN I-Patient O I-V B-Patient B-Agent I-Agent B-V -stew COOK I-Patient O I-V B-Patient B-Agent I-Agent B-V -stew CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -stick ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -stick BULGE-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -stick STAY_DWELL I-V B-Theme O I-Theme B-V -stick ARGUE-IN-DEFENSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -stiffen CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -stifle STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -stimulate INCITE_INDUCE I-Patient I-Result B-Patient B-Agent B-Instrument O B-V I-Instrument I-V B-Result I-Agent -sting HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -stink ODORIZE I-Destination I-V O B-Destination B-V -stipulate EXPLAIN I-Topic I-V B-Topic O B-Agent I-Agent B-V -stir COMBINE_MIX_UNITE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -stir CAUSE-MENTAL-STATE I-Result O B-Instrument B-Result B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -stir MOVE-ONESELF O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -stir CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -stitch SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent B-Instrument O I-Co-Patient B-V I-Instrument I-V I-Agent -stock LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -stock RETAIN_KEEP_SAVE-MONEY I-V B-Theme O B-Agent I-Theme I-Agent B-V -stockpile LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -stoke INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -stomach EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -stomp TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -stone KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -stone USE I-V O B-Agent I-Agent B-V -stonewall DELAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -stoop LOWER I-V B-Theme O B-Agent I-Theme I-Agent B-V -stop STOP B-Goal O B-Agent B-Instrument I-Theme B-V I-Goal I-Instrument I-V B-Theme I-Agent -stop VISIT B-Location I-V I-Location O B-Agent I-Agent B-V -stop CLOSE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -store RETAIN_KEEP_SAVE-MONEY O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -storm ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -stow FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -straddle LIE B-Location I-V I-Location B-Theme O I-Theme B-V -strafe ATTACK_BOMB I-Patient O I-V B-Patient B-Agent I-Agent B-V -straighten STRAIGHTEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -straighten ADJUST_CORRECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -strain BREAK_DETERIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -strain SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -strain TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -strain HURT_HARM_ACHE I-Goal I-V B-Goal O B-Agent I-Agent B-V -strand GIVE-UP_ABOLISH_ABANDON I-Patient O I-V B-Patient B-Agent I-Agent B-V -strangle KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -strap SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -strap REQUIRE_NEED_WANT_HOPE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -strategize PLAN_SCHEDULE B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -stray TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -streak GO-FORWARD I-V O B-Agent I-Agent B-V -stream FLOW I-Destination I-V B-Theme O B-Destination I-Theme B-V -streamline SIMPLIFY I-Patient O I-V B-Patient B-Agent I-Agent B-V -strengthen STRENGTHEN_MAKE-RESISTANT I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -stress EMPHASIZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -stress CAUSE-MENTAL-STATE O B-Instrument B-V B-Stimulus I-Experiencer I-Stimulus B-Agent I-Instrument I-V B-Experiencer I-Agent -stretch EXTEND O B-Destination I-Theme B-V B-Source I-Destination B-Agent B-Extent I-V I-Source B-Theme I-Agent I-Extent -strew CIRCULATE_SPREAD_DISTRIBUTE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -stride TRAVEL I-V B-Theme O I-Theme B-V -strike HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -strike OPPOSE_REBEL_DISSENT I-Patient O I-V B-Patient B-Agent I-Agent B-V -strike CANCEL_ELIMINATE I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -strike SEEM B-Attribute O I-Attribute I-Theme B-V B-Experiencer I-V I-Experiencer B-Theme -strike BEGIN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -strike DRIVE-BACK B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -strike KNOCK-DOWN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -strike BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -strip REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -strive TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -stroke TOUCH O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -stroll MOVE-ONESELF B-Location I-V I-Location B-Theme O I-Theme B-V -structure SORT_CLASSIFY_ARRANGE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -struggle FIGHT I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -struggle TRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -stub HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -stud LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -study ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -stuff FILL O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -stumble FALL_SLIDE-DOWN B-Location I-V I-Location B-Theme O I-Theme B-V -stump CAUSE-MENTAL-STATE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -stun CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -stunt STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -style EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -stymie STOP I-V B-Theme O B-Agent I-Theme I-Agent B-V -subcontract HIRE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -subdivide SEPARATE_FILTER_DETACH I-Patient I-Result B-Patient B-Agent O B-V I-Beneficiary I-V B-Result I-Agent B-Beneficiary -subdue SUBJUGATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -subject CAUSE-SMT I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -sublet LEND O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -sublimate CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent B-Instrument B-Material O B-V I-Instrument I-V B-Result I-Agent I-Material -submerge DIP_DIVE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -submit GIVE_GIFT B-Goal O I-Recipient B-Agent I-Theme B-Recipient B-V I-Goal I-V B-Theme I-Agent -subordinate SUBJUGATE I-Patient B-Cause B-Patient B-Agent O I-Cause B-V I-V I-Agent -subpoena SUMMON I-Patient O I-V B-Patient B-Agent I-Agent B-V -subscribe PAY I-V B-Theme O B-Agent I-Theme I-Agent B-V -subscribe OFFER I-V B-Theme O B-Agent I-Theme I-Agent B-V -subside REDUCE_DIMINISH I-Patient B-Extent O I-V B-Patient I-Extent B-V -subsidize FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -substantiate PROVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -substitute REPLACE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -subsume INCLUDE-AS I-Patient I-Goal O I-V B-Goal B-Patient B-V -subtitle NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -subtract REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -subvert DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -succeed ACHIEVE I-Goal I-V B-Goal O B-Agent I-Agent B-V -succeed COME-AFTER_FOLLOW-IN-TIME B-Attribute O I-Co-Theme I-Attribute I-Theme B-V B-Co-Theme I-V B-Theme -succumb FAIL_LOSE B-Cause I-Agent I-V O B-Agent I-Cause B-V -suck ATTRACT_SUCK I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -suck MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -sue ACCUSE B-Attribute B-Goal O I-Attribute B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -suffer HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -suffice EXIST-WITH-FEATURE I-Goal I-V B-Theme B-Goal O I-Theme B-V -suffocate KILL I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -suggest PROPOSE O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -suit FIT I-Location O B-Agent B-V B-Value I-Value I-V I-Agent B-Location -suit HARMONIZE I-V I-Purpose O B-Agent I-Agent B-Purpose B-V -sully DIRTY O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -sum SUMMARIZE I-Result O B-Agent B-V I-V B-Topic B-Result I-Agent I-Topic -summarize SUMMARIZE I-Result O B-Agent B-V I-V B-Topic B-Result I-Agent I-Topic -summon SUMMON I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -summon AROUSE_WAKE_ENLIVEN B-Stimulus I-Result I-V O I-Stimulus B-Result B-V -sunbathe SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -super COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -superimpose COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -supersede REPLACE I-V B-Theme O B-Agent I-Theme I-Agent B-V -supervise WATCH_LOOK-OUT I-V B-Theme O B-Agent I-Theme I-Agent B-V -supplant REPLACE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -supplement ADD I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -supply LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -support HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -suppose BELIEVE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -suppress PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -surface RAISE I-V B-Theme O I-Theme B-V -surface COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -surge INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Attribute B-Patient I-Attribute B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -surmise BELIEVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -surmount COVER_SPREAD_SURMOUNT I-V B-Theme O B-Agent I-Theme I-Agent B-V -surpass OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -surprise CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -surrender GIVE-UP_ABOLISH_ABANDON I-Patient B-Patient I-Recipient B-Agent B-Recipient O B-V I-V I-Agent -surround ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -surveil WATCH_LOOK-OUT B-Attribute B-Goal O I-Attribute B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -survey ANALYZE B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -survive OVERCOME_SURPASS B-Attribute O I-Theme B-V B-Co-Theme I-Co-Theme I-Attribute I-V B-Theme -suspect BELIEVE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -suspend STOP B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent -suspend HANG I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -sustain EXTEND I-V B-Theme O B-Agent I-Theme I-Agent B-V -sustain UNDERGO-EXPERIENCE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -swallow EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -swamp WET I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -swap REPLACE I-Co-Agent O I-Co-Theme B-Agent I-Theme B-V B-Co-Agent B-Co-Theme I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -swathe DRESS_WEAR I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -sway GO-FORWARD B-Cause O B-Agent I-Cause B-V B-Extent I-V I-Agent I-Extent -sway PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -swear GUARANTEE_ENSURE_PROMISE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -swear OFFEND_DISESTEEM I-V O B-Agent I-Agent B-V -swear AFFIRM O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -sweat EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -sweat CONTINUE I-Destination I-V B-Agent O B-Destination I-Agent B-V -sweat REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -sweep REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -sweep GO-FORWARD B-Cause B-Location I-Location O B-Agent B-Destination I-Cause B-V I-V I-Agent I-Destination -sweep FOLLOW_SUPPORT_SPONSOR_FUND B-Attribute O I-Attribute B-Agent B-V I-Beneficiary I-V I-Agent B-Beneficiary -sweeten CHANGE-TASTE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -swell INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -swerve TURN_CHANGE-DIRECTION I-Destination I-V B-Theme O B-Destination I-Theme B-V -swim DIP_DIVE I-Patient I-Destination O I-V B-Patient B-Destination B-V -swindle STEAL_DEPRIVE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -swing ALTERNATE I-V B-Theme O I-Theme B-V -swing MOVE-SOMETHING I-V B-Theme O B-Agent I-Theme I-Agent B-V -swing GO-FORWARD B-Source O B-Agent B-Destination B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -swing MAKE-A-SOUND I-V B-Theme O I-Theme B-V -swirl TRAVEL I-V B-Theme O I-Theme B-V -switch REPLACE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V I-Source B-Theme I-Agent B-Source -switch CHANGE_SWITCH I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -swivel MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -swoon CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -swoop GO-FORWARD I-V O B-Agent I-Agent B-V -swoop CATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -symbolize REPRESENT I-V B-Theme O B-Agent I-Theme I-Agent B-V -sympathize CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -synchronize HAPPEN_OCCUR O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -syncopate PERFORM I-V B-Theme O B-Agent I-Theme I-Agent B-V -syndicate GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -synthesize CREATE_MATERIALIZE I-Result B-Attribute O I-Attribute B-Agent B-Material B-V I-Beneficiary I-V B-Result I-Agent I-Material B-Beneficiary -systematize SORT_CLASSIFY_ARRANGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -taboo PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -tabulate SORT_CLASSIFY_ARRANGE B-Goal O B-Agent B-Destination I-Theme B-V I-Goal I-V I-Source B-Theme I-Agent B-Source I-Destination -tack ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -tack INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Destination O B-V B-Extent I-V I-Source I-Extent I-Destination -tackle FACE_CHALLENGE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -tag ATTACH I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -tail CHASE I-V B-Theme O B-Agent I-Theme I-Agent B-V -tailgate FOLLOW-IN-SPACE I-V B-Theme O B-Agent I-Theme I-Agent B-V -tailor HARMONIZE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -taint CONTRACT-AN-ILLNESS_INFECT I-Patient B-Patient O I-Theme B-V I-V I-Source B-Theme B-Source -taiwanize CHANGE-APPEARANCE/STATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -take TAKE O I-Theme B-V I-Beneficiary B-Asset B-Beneficiary B-Source B-Agent I-Asset I-V I-Source B-Theme I-Agent -take TOLERATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -take BRING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -take INTERPRET B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -take REMOVE_TAKE-AWAY_KIDNAP I-Patient O B-Patient B-Agent B-V I-V I-Agent -take TAKE-SHELTER B-Location I-V I-Location B-Theme O I-Theme B-V -take INCREASE_ENLARGE_MULTIPLY I-Patient B-V I-V O B-Patient -take REQUIRE_NEED_WANT_HOPE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -take REPLACE B-Co-Theme I-V B-Agent O I-Co-Theme I-Agent B-V -take USE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -take HAPPEN_OCCUR B-Location I-V I-Location B-Theme O I-Theme B-V -take RECOGNIZE_ADMIT_IDENTIFY B-Attribute O I-Attribute B-Agent B-V I-V B-Topic I-Agent I-Topic -take CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -take LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -take LEAVE_DEPART_RUN-AWAY O I-Theme I-Time B-V B-Time I-V I-Source B-Theme B-Source -take FACE_CHALLENGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -take DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -take CATCH I-V B-Theme O B-Agent I-Theme I-Agent B-V -talk SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -talk PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -tally COUNT I-V B-Theme O B-Agent I-Theme I-Agent B-V -tame TEACH O I-Recipient B-Recipient B-Agent B-Instrument B-V I-Instrument I-V I-Agent -tamper VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -tan COLOR I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -tangle MESS I-Patient I-Location B-Patient B-Agent O B-V I-V I-Agent B-Location -tango DANCE B-Location I-V I-Location O B-Agent I-Agent B-V -tank ACHIEVE I-V O B-Agent I-Agent B-V -tap HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -tap ASK_REQUEST B-Attribute B-Goal O I-Attribute B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -tap SEARCH B-Location I-V I-Location O B-Agent I-Agent B-V -tape ATTACH I-Patient B-Patient B-Agent B-Destination O B-Instrument B-V I-V I-Instrument I-Agent I-Destination -tape RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -taper REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -tar COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -target DIRECT_AIM_MANEUVER O B-Destination B-Agent B-Instrument B-V I-Instrument I-V I-Agent I-Destination -tarnish DIRTY I-Destination I-V B-Agent O B-Destination I-Agent B-V -taste TASTE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -taste EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -taunt OFFEND_DISESTEEM B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -tax CHARGE O I-Cause B-V B-Asset B-Cause I-Recipient B-Agent B-Recipient I-Asset I-V I-Agent -taxi TRAVEL B-Cause B-Location I-Location O B-Destination I-Theme I-Cause B-V I-V B-Theme I-Destination -teach TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -team GROUP I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -tear SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -tear RUN B-Location I-V I-Location B-Theme O I-Theme B-V -tear CRY I-V O B-Agent I-Agent B-V -tear CUT I-Patient O I-V B-Patient B-Agent I-Agent B-V -tear FLATTEN_SMOOTHEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -tease FIND I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -tease CAUSE-MENTAL-STATE O B-V B-Experiencer B-Stimulus I-V B-Topic I-Experiencer I-Stimulus I-Topic -tee HIT I-Patient O I-V B-Patient B-Agent I-Agent B-V -teem EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -telegraph SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -telephone COMMUNICATE_CONTACT I-Patient B-Patient B-Agent O B-V I-V B-Topic I-Agent I-Topic -televise TRANSMIT I-V B-Theme O B-Agent I-Theme I-Agent B-V -telework WORK I-Co-Agent B-Attribute B-Goal O I-Attribute B-Agent B-Instrument B-V B-Co-Agent I-Goal I-Instrument I-V I-Agent -tell SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -tell RECOGNIZE_ADMIT_IDENTIFY O B-Agent B-V I-V B-Topic I-Source I-Agent B-Source I-Topic -tell BETRAY I-Patient O I-V B-Patient B-Agent I-Agent B-V -temper REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -tempt AROUSE_WAKE_ENLIVEN I-Result O B-Instrument B-Result B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -tend MANAGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -tend BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -tender OFFER O I-Recipient B-Agent B-Recipient I-Asset B-V I-V B-Asset I-Agent -tenure ASSIGN-smt-to-smn I-V B-Theme O B-Agent I-Theme I-Agent B-V -term NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -terminate FINISH_CONCLUDE_END O B-Agent I-Theme B-V B-Time I-V B-Theme I-Agent I-Time -terminate DISMISS_FIRE-SMN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -terrify CAUSE-MENTAL-STATE I-Result O B-Result B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -test VERIFY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -testify GUARANTEE_ENSURE_PROMISE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -thank APPROVE_PRAISE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -thatch COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -thaw CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -theorize THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -thicken CHANGE-APPEARANCE/STATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -thin REDUCE_DIMINISH I-Patient O B-Patient B-Agent B-V I-V I-Agent -think THINK B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -think CREATE_MATERIALIZE I-Result I-V O B-Agent I-Agent B-Result B-V -thrash HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -thrash DISCUSS I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -thrash TRAVEL I-V B-Theme O I-Theme B-V -thread TRAVEL B-Cause I-Location O I-Theme I-Cause B-V I-V B-Theme B-Location -threaten ENDANGER I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -thrill AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -thrive AMELIORATE I-Patient O I-V B-Patient B-Material I-Material B-V -throb MOVE-ONESELF I-V B-Theme O I-Theme B-V -throng AMASS I-V B-Theme O B-Agent I-Theme I-Agent B-V -throttle RESTRAIN I-Patient B-Cause O I-V B-Patient I-Cause B-V -throw THROW O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -throw ADD I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -throw ORGANIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -throw EXCRETE I-V B-Theme I-Source O I-Theme B-Source B-V -throw DISCARD O B-Agent I-Theme B-V I-V B-Theme I-Agent -thrust PRESS_PUSH_FOLD I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -thumb ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -thumb JOKE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -thunder SPEAK I-Result O I-Recipient B-Agent B-Recipient B-V I-V B-Topic B-Result I-Agent I-Topic -thwap HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -thwart ABSTAIN_AVOID_REFRAIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -tick MAKE-A-SOUND I-V B-Theme O I-Theme B-V -tick CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -tick EXPLAIN I-Topic I-V B-Topic O B-Agent I-Agent B-V -ticket DECREE_DECLARE I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -tickle AROUSE_WAKE_ENLIVEN O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -tidy SORT_CLASSIFY_ARRANGE I-V B-Theme O B-Agent I-Theme I-Agent B-V -tie SECURE_FASTEN_TIE I-Patient B-Attribute B-Patient I-Attribute B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -tie JOIN_CONNECT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -tie SCORE I-V B-Theme O B-Agent I-Theme I-Agent B-V -tie PARTICIPATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -tie OBLIGE_FORCE I-Patient O I-V B-Patient B-Agent I-Agent B-V -tighten TIGHTEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -tighten RESTRAIN I-Patient B-Cause O I-V B-Patient I-Cause B-V -till GROW_PLOW I-Patient O I-V B-Patient B-Agent I-Agent B-V -tilt INCLINE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -time ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -tincture COLOR I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -tinker WORK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -tip INCLINE I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -tip GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -tip INVERT_REVERSE I-Patient O I-V B-Patient B-Agent I-Agent B-V -tip INFORM O B-V B-Topic B-Agent I-Recipient B-Recipient I-V I-Agent I-Topic -tiptoe MOVE-ONESELF I-V B-Theme O I-Theme B-V -tire EXHAUST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -title NAME I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -toast CELEBRATE_PARTY I-V B-Theme O B-Agent I-Theme I-Agent B-V -toil WORK B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -tolerate TOLERATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -toll MAKE-A-SOUND O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -toll CHARGE B-Cause O I-Recipient B-Agent B-Recipient I-Cause I-Asset B-V I-V B-Asset I-Agent -tone REDUCE_DIMINISH I-Patient O I-V B-Patient B-Agent I-Agent B-V -toot MAKE-A-SOUND I-V B-Theme O B-Agent I-Theme I-Agent B-V -top COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -top OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -topple FALL_SLIDE-DOWN B-Source O B-Destination B-Agent I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -torch DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -torment HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -torpedo DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -torture HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -toss THROW I-V B-Theme O B-Agent I-Theme I-Agent B-V -toss DISCARD I-V B-Theme O B-Agent I-Theme I-Agent B-V -toss SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -total REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -total ADD I-Patient I-Result O I-V B-Patient B-Result B-V -tote CARRY_TRANSPORT B-Attribute O I-Attribute B-Agent I-Theme B-Instrument B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -tote REACH I-Goal I-V B-Theme B-Goal O I-Theme B-V -totter TRAVEL I-V B-Theme O I-Theme B-V -totter MOVE-ONESELF I-V B-Theme O I-Theme B-V -touch TOUCH O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -touch AROUSE_WAKE_ENLIVEN I-Result O B-Instrument B-Result B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -touch EMBELLISH O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -touch REFER B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -toughen STRENGTHEN_MAKE-RESISTANT I-Patient O I-V B-Patient B-Agent I-Agent B-V -tour VISIT B-Location I-V I-Location O B-Agent I-Agent B-V -tout PUBLICIZE B-Attribute O I-Attribute B-Agent I-Theme I-Recipient B-Recipient B-V I-V B-Theme I-Agent -tow PULL O B-Agent B-Destination I-Theme B-V B-Extent I-V B-Theme I-Agent I-Extent I-Destination -tower OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -toy BEHAVE I-V B-Agent O I-Recipient B-Recipient I-Agent B-V -trace COPY O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -trace FOLLOW-IN-SPACE I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -track CHASE O B-Agent B-Destination I-Theme B-Instrument B-V I-Instrument I-V B-Theme I-Agent I-Destination -track FIND O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -track MATCH B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -trade REPLACE I-Co-Agent O I-Co-Theme B-Agent I-Theme B-V B-Co-Agent B-Co-Theme I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -traduce OFFEND_DISESTEEM B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -trail CHASE I-V B-Theme O B-Agent I-Theme I-Agent B-V -trail FINISH_CONCLUDE_END I-V B-Theme O I-Theme B-V -train TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -train DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -traipse TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -tramp TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -trample HURT_HARM_ACHE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -tranquilize MAKE-RELAX B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -transact ALLY_ASSOCIATE_MARRY B-Cause I-V B-Theme O I-Theme I-Cause B-V -transcend OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -transcribe WRITE I-Topic I-V B-Topic O B-Agent I-Agent B-V -transfer TRANSMIT O I-Recipient B-Agent I-Theme B-Recipient B-V I-V I-Source B-Theme I-Agent B-Source -transform CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -transgress VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -transit TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -transition CHANGE_SWITCH I-Patient I-Result B-Patient B-Agent O B-V I-V I-Source B-Result I-Agent B-Source -translate TRANSLATE O B-Agent B-Destination I-Topic B-V I-V B-Topic I-Source I-Agent B-Source I-Destination -transmit TRANSMIT O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -transmogrify CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -transpire HAPPEN_OCCUR B-Location I-V I-Location B-Theme O I-Theme B-V -transplant MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -transport CARRY_TRANSPORT O B-Agent B-Destination I-Theme B-V I-V I-Source B-Theme I-Agent B-Source I-Destination -trap CATCH I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -trash DISCARD I-V B-Theme O B-Agent I-Theme I-Agent B-V -traumatize HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -travel GO-FORWARD I-Destination I-V B-Agent O B-Destination I-Agent B-V -traverse EXTEND I-Destination I-V B-Agent O B-Destination I-Agent B-V -tread PRESS_PUSH_FOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -treasure LIKE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -treat TREAT B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -treat LOAD_PROVIDE_CHARGE_FURNISH O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -treat HELP_HEAL_CARE_CURE O B-Agent B-Instrument I-Theme B-V I-Beneficiary I-Instrument I-V B-Theme I-Agent B-Beneficiary -treat PREPARE O B-Agent B-Material B-V I-Product I-V B-Product I-Agent I-Material -treat SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -treble INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -trek GO-FORWARD B-Location I-V I-Location O B-Agent I-Agent B-V -tremble MOVE-ONESELF I-V B-Theme O I-Theme B-V -trend EXIST-WITH-FEATURE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -trespass VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -trick DECEIVE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -trickle FLOW B-Cause O B-Destination I-Theme I-Cause B-V I-V B-Theme I-Destination -trigger AROUSE_WAKE_ENLIVEN I-Result B-Attribute O I-Attribute B-Instrument B-Result B-V I-Instrument I-V B-Stimulus I-Stimulus -trim CUT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Source I-Agent B-Source -trim REDUCE_DIMINISH I-Patient B-Patient O B-V I-Goal B-Source B-Goal B-Agent B-Extent I-V I-Source I-Agent I-Extent -trip AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -triple INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -triumph WIN I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -trivialize DOWNPLAY_HUMILIATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -trot MOVE-BY-MEANS-OF O B-Agent B-Instrument B-Destination B-V I-Instrument I-V I-Agent I-Destination -trot SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -trouble CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -trounce DEFEAT I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -truck CARRY_TRANSPORT I-V B-Theme O B-Agent I-Theme I-Agent B-V -trudge MOVE-ONESELF B-Location I-V I-Location B-Theme O I-Theme B-V -trump WIN B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -trumpet SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -trundle TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -trust GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -trust RELY I-V B-Theme O B-Agent I-Theme I-Agent B-V -try TRY B-Attribute O I-Theme B-V B-Agent I-Attribute I-V B-Theme I-Agent -try SUBJECTIVE-JUDGING I-V B-Theme O B-Agent I-Theme I-Agent B-V -try VERIFY B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -tuck INSERT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -tuck DECREE_DECLARE I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -tug PULL B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -tumble FALL_SLIDE-DOWN B-Location B-Source I-Location O B-Destination B-Agent I-Theme B-V B-Extent I-V I-Source B-Theme I-Agent I-Extent I-Destination -tune ADJUST_CORRECT I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -turn TURN_CHANGE-DIRECTION O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -turn CHANGE-APPEARANCE/STATE I-Patient I-Result B-Patient B-Agent O B-Material B-V I-V B-Result I-Agent I-Material -turn REFUSE B-Cause B-Attribute O I-Attribute B-Agent I-Theme B-V I-Cause I-V B-Theme I-Agent -turn DRIVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -turn GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -turn SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Patient O B-Patient B-Agent B-V I-V I-Agent -turn MOUNT_ASSEMBLE_PRODUCE O B-Agent B-Material B-V I-Product I-Beneficiary I-V B-Product I-Agent I-Material B-Beneficiary -turn PROVE B-Attribute I-V B-Theme O I-Attribute I-Theme B-V -turn REPLACE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -turn OPERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -turn IMPLY B-Cause I-Topic I-V B-Topic O I-Cause B-V -turn APPEAR I-V B-Theme O B-Agent I-Theme I-Agent B-V -turn EARN I-V B-Theme O B-Asset I-Theme I-Asset B-V -tutor TEACH O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -twiddle TRAVEL B-Cause I-V B-Theme O I-Theme I-Cause B-V -twirl TRAVEL B-Cause I-Location O I-Theme I-Cause B-V I-V B-Theme B-Location -twist SHAPE I-Patient O I-V B-Patient B-Agent I-Agent B-V -twitch MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -type TYPE I-Patient O B-Patient B-Agent B-V I-V I-Agent -typify REPRESENT B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -tyrannize LEAD_GOVERN O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -unblock UNFASTEN_UNFOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -unburden REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -uncap REMOVE_TAKE-AWAY_KIDNAP O B-Agent B-Instrument B-V I-Instrument I-V I-Source I-Agent B-Source -uncover FIND B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -undercut PRECLUDE_FORBID_EXPEL I-V B-Theme O B-Agent I-Theme I-Agent B-V -underestimate CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -undergo UNDERGO-EXPERIENCE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -underinflate INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -underlie GROUND_BASE_FOUND I-V B-Theme I-Source O I-Theme B-Source B-V -underline EMPHASIZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -undermine WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -underperform FAIL_LOSE B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -underpin HELP_HEAL_CARE_CURE I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -underprice SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -underscore EMPHASIZE O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -undersell SELL B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -understand UNDERSTAND B-Attribute O I-Attribute B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus -understate DOWNPLAY_HUMILIATE O B-V B-Experiencer B-Stimulus B-Extent I-V I-Experiencer I-Stimulus I-Extent -undertake FACE_CHALLENGE O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -underuse USE I-Patient O I-V B-Patient B-Agent I-Agent B-V -underutilize USE I-Patient O I-V B-Patient B-Agent I-Agent B-V -undervalue CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -underwrite FOLLOW_SUPPORT_SPONSOR_FUND I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -undo RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient O I-V B-Patient B-Agent I-Agent B-V -undulate MOVE-SOMETHING I-V B-Theme O B-Agent I-Theme I-Agent B-V -unearth SHOW I-V B-Theme O B-Agent I-Theme I-Agent B-V -unfold OPEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -unfold DEVELOP_AGE I-V B-Theme O I-Theme B-V -unhinge CAUSE-MENTAL-STATE B-Experiencer I-V I-Experiencer O B-Agent I-Agent B-V -unhinge REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -unify COMBINE_MIX_UNITE I-Patient I-Result B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V B-Result I-Agent -unionize ALLY_ASSOCIATE_MARRY B-Cause I-Agent I-V O B-Agent I-Cause B-V -unite ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent I-Result O B-Agent I-Cause B-Co-Agent B-V I-V B-Result I-Agent -unleash LIBERATE_ALLOW_AFFORD I-Patient O I-V B-Patient B-Agent I-Agent B-V -unload CANCEL_ELIMINATE I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -unload EMPTY_UNLOAD O B-Agent B-Instrument I-Theme B-V I-Instrument I-V I-Source B-Theme I-Agent B-Source -unlock UNFASTEN_UNFOLD I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -unmask REVEAL I-Topic I-V B-Topic O B-Agent I-Agent B-V -unnerve CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -unpack SHOW O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -unplug SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Patient O I-V B-Patient B-Agent I-Agent B-V -unravel RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Patient O I-V B-Patient B-Agent I-Agent B-V -unroll UNFASTEN_UNFOLD I-Patient O I-V B-Patient B-Agent I-Agent B-V -unseal OPEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -unseat REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -unsettle CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -unshackle LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -unstable MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -untie LIBERATE_ALLOW_AFFORD I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -unveil SHOW O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -unwind STRAIGHTEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -up INCREASE_ENLARGE_MULTIPLY I-Patient O I-V B-Patient B-Agent I-Agent B-V -update AMELIORATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -upgrade REPLACE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -upgrade AMELIORATE I-Patient I-Result B-Patient B-Agent O B-Material I-Material B-V B-Extent I-V B-Result I-Agent I-Extent -uphold ARGUE-IN-DEFENSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -uplift RAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -upload TRANSMIT O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -uproot EXTRACT I-V B-Theme O B-Agent I-Theme I-Agent B-V -upset CAUSE-MENTAL-STATE O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -upset MESS I-Patient O I-V B-Patient B-Agent I-Agent B-V -urge OBLIGE_FORCE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -use USE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -use BEHAVE B-Attribute I-V B-Agent O I-Attribute I-Agent B-V -use MODAL O I-V B-V -use CONSUME_SPEND I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -usher BEGIN I-V B-Theme O B-Agent I-Theme I-Agent B-V -usher DIRECT_AIM_MANEUVER O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -usurp STEAL_DEPRIVE I-V B-Theme O B-Agent I-Theme I-Agent B-V -utilize USE I-Patient O I-V B-Patient B-Agent I-Agent B-V -utter SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -vacate RESIGN_RETIRE I-V I-Source O B-Agent I-Agent B-Source B-V -vacation TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -vacillate COMPARE I-V B-Theme O B-Agent I-Theme I-Agent B-V -vacuum WASH_CLEAN I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -validate AUTHORIZE_ADMIT I-Beneficiary I-V B-Beneficiary O B-Agent I-Agent B-V -value CALCULATE_ESTIMATE O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -vandalize DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -vanish DISAPPEAR I-Patient B-V I-V O B-Patient -vanquish DEFEAT I-Patient O I-V B-Patient B-Agent I-Agent B-V -vaporize CONVERT I-Patient O I-V B-Patient B-Agent I-Agent B-V -vary DIVERSIFY I-Patient I-Result B-Source B-Patient B-Agent B-Instrument O B-V B-Extent I-Instrument I-V I-Source B-Result I-Agent I-Extent -vault JUMP B-Cause B-Source O B-Destination I-Theme I-Cause B-V B-Extent I-V I-Source B-Theme I-Extent I-Destination -vaunt BEHAVE B-Cause B-Attribute O I-Attribute B-Agent I-Cause B-V I-V I-Agent -veer TURN_CHANGE-DIRECTION I-Destination I-V B-Theme O B-Destination I-Theme B-V -veil CLOUD_SHADOW_HIDE I-Patient O I-V B-Patient B-Agent I-Agent B-V -vend SELL I-V B-Theme O B-Agent I-Theme I-Agent B-V -venerate CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -vent AIR I-Patient O I-V B-Patient B-Agent I-Agent B-V -ventilate REPAIR_REMEDY I-Patient O I-V B-Patient B-Agent I-Agent B-V -venture RISK I-V O B-Agent I-Agent B-V -venture GUESS I-V B-Theme O B-Agent I-Theme I-Agent B-V -verbalize SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -verge ARRIVE I-Destination I-V B-Agent O B-Destination I-Agent B-V -verify VERIFY I-V B-Theme O B-Agent I-Theme I-Agent B-V -verse LEARN B-Cause O B-Agent I-Cause B-V I-V B-Topic I-Agent I-Topic -vest ASSIGN-smt-to-smn I-Result O B-Agent I-Theme B-V I-V B-Result B-Theme I-Agent -vet ANALYZE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -veto PRECLUDE_FORBID_EXPEL B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -vex CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -vibrate MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -victimize PUNISH I-Patient B-Patient B-Agent O I-Theme B-V I-V B-Theme I-Agent -videotape RECORD I-V B-Theme O B-Agent I-Theme I-Agent B-V -vie COMPETE I-Co-Agent B-Goal O B-Agent B-V B-Co-Agent I-Goal I-V I-Agent -view SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -view SUBJECTIVE-JUDGING O B-Agent I-Theme B-V B-Value I-Value I-V B-Theme I-Agent -vindicate ARGUE-IN-DEFENSE O B-Agent I-Theme B-V I-V B-Topic B-Theme I-Agent I-Topic -violate VIOLATE I-V B-Theme O B-Agent I-Theme I-Agent B-V -visit MEET B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -visualize IMAGINE B-Attribute O I-Attribute B-Agent I-Theme B-V I-V B-Theme I-Agent -vitiate DEBASE_ADULTERATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -voice SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -void CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -volunteer OFFER O I-Recipient B-Agent B-Recipient I-Asset B-V I-V B-Asset I-Agent -vomit EXCRETE I-V I-Source O B-Source B-V -vote CHOOSE O I-Theme I-Cause B-V I-Goal B-Cause B-Goal B-Agent I-V B-Theme I-Agent -vote CANCEL_ELIMINATE I-Patient O I-V B-Patient B-Agent I-Agent B-V -vouch GUARANTEE_ENSURE_PROMISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -vow GUARANTEE_ENSURE_PROMISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -wade GO-FORWARD B-Location I-V I-Location O B-Agent I-Agent B-V -waffle STOP I-Topic I-V B-Topic B-Theme O I-Theme B-V -waft AIR I-Patient O I-V B-Patient B-Agent I-Agent B-V -wag MOVE-SOMETHING I-V B-Theme O B-Agent I-Theme I-Agent B-V -wage FACE_CHALLENGE B-Cause O B-Agent I-Theme I-Cause B-V I-V B-Theme I-Agent -wail CRY I-Topic I-V B-Topic O B-Agent I-Agent B-V -wait WAIT O B-Agent I-Theme B-V B-Extent I-V B-Theme I-Agent I-Extent -wait WORK I-Goal I-V B-Goal O B-Agent I-Agent B-V -wait OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -waive GIVE-UP_ABOLISH_ABANDON I-Patient B-Patient I-Recipient B-Agent B-Recipient O B-V I-V I-Agent -wake AROUSE_WAKE_ENLIVEN B-Attribute O B-Instrument B-V I-Goal I-Experiencer B-Source I-Result B-Goal B-Agent I-Attribute B-Result I-V I-Instrument I-Source B-Experiencer I-Agent -walk GO-FORWARD B-Cause I-Location O B-Agent I-Cause B-V I-V I-Agent B-Location -walk SCORE I-V B-Theme O B-Agent I-Theme I-Agent B-V -walk MOVE-ONESELF I-Patient I-Result B-Patient O I-Theme B-V I-V B-Result B-Theme -wall SEPARATE_FILTER_DETACH I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -wallow CAUSE-MENTAL-STATE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -wander TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -wane REDUCE_DIMINISH I-Patient B-V I-V O B-Patient -want REQUIRE_NEED_WANT_HOPE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-Beneficiary I-V I-Source B-Theme I-Agent B-Source B-Beneficiary -war ATTACK_BOMB I-Patient B-Patient B-Agent O B-V I-V B-Topic I-Agent I-Topic -ward DRIVE-BACK O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -warm HEAT I-Patient O B-Patient B-Agent B-V I-V I-Agent -warm PREPARE I-Product I-Beneficiary I-V O B-Product B-Beneficiary B-V -warn WARN O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -warp BEND I-Patient O I-V B-Patient B-Agent I-Agent B-V -warrant JUSTIFY_EXCUSE I-V B-Theme O B-Agent I-Theme I-Agent B-V -wash WASH_CLEAN I-Patient B-Patient B-Instrument O I-Theme B-V I-Result B-Agent I-Instrument I-V B-Result B-Theme I-Agent -wash EXIST-WITH-FEATURE I-V B-Theme O I-Theme B-V -wash CARRY_TRANSPORT I-V B-Theme O I-Theme B-V -waste WASTE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -watch SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -watch WATCH_LOOK-OUT O B-Agent I-Theme B-V I-V B-Theme I-Agent -water WET I-Patient O I-V B-Patient B-Agent I-Agent B-V -water WEAKEN I-Patient O I-V B-Patient B-Agent I-Agent B-V -wave SIGNAL_INDICATE O I-Recipient B-Recipient B-Agent B-V I-V B-Topic I-Agent I-Topic -waver TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -wax COVER_SPREAD_SURMOUNT O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -wax CHANGE_SWITCH I-Patient I-Result O I-V B-Patient B-Result B-V -weaken WEAKEN I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -wean REMOVE_TAKE-AWAY_KIDNAP I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -weaponize HAVE-A-FUNCTION_SERVE B-Goal O I-Theme B-V I-Goal B-Value I-Value I-V B-Theme -wear DRESS_WEAR I-Patient O I-V B-Theme B-Patient I-Theme B-V -wear CORRODE_WEAR-AWAY_SCRATCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -wear EXHAUST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -wear SPEND-TIME_PASS-TIME I-V O B-Agent I-Agent B-V -wear REDUCE_DIMINISH I-Patient B-Patient B-Agent O B-V I-V I-Source I-Agent B-Source -weary EXHAUST O B-Instrument B-V B-Experiencer B-Stimulus I-Instrument I-V I-Experiencer I-Stimulus -weather OVERCOME_SURPASS B-Co-Theme I-V B-Theme O I-Co-Theme I-Theme B-V -weave WEAVE I-Patient B-Patient B-Agent O B-V I-Product I-V B-Product I-Agent -weave TRAVEL B-Location I-V I-Location B-Theme O I-Theme B-V -wed ALLY_ASSOCIATE_MARRY B-Cause I-Co-Agent O B-Agent I-Cause B-Co-Agent B-V I-V I-Agent -wedge PRESS_PUSH_FOLD I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -weep CRY I-V B-Theme O B-Agent I-Theme I-Agent B-V -weigh MEASURE_EVALUATE O B-Agent B-Instrument I-Theme B-V B-Value I-Value I-Instrument I-V B-Theme I-Agent -weigh BURDEN_BEAR I-V B-Theme O I-Recipient B-Recipient I-Theme B-V -weigh GIVE_GIFT I-V B-Theme O B-Agent I-Theme I-Agent B-V -weigh COMPARE O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -weight INFLUENCE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -welcome AGREE_ACCEPT O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -weld JOIN_CONNECT I-Patient O I-V B-Patient B-Agent I-Agent B-V -well BEGIN I-Goal I-V B-Theme B-Goal O I-Theme B-V -wet WET I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -whack HIT I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -whack DISCARD O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -wheel CARRY_TRANSPORT I-V B-Theme O B-Agent I-Theme I-Agent B-V -wheeze BREATH_BLOW I-V O B-Agent I-Agent B-V -while SPEND-TIME_PASS-TIME B-Goal O B-Agent I-Asset B-V I-Goal I-V B-Asset I-Agent -whine MAKE-A-SOUND I-Patient B-Patient I-Recipient B-Recipient I-Theme O B-V I-V B-Theme -whip HIT I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -whip TAKE I-V B-Theme O B-Agent I-Theme I-Agent B-V -whip AROUSE_WAKE_ENLIVEN B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -whipsaw MOVE-ONESELF I-V B-Theme O B-Agent I-Theme I-Agent B-V -whir MAKE-A-SOUND I-V B-Theme O I-Theme B-V -whirr MAKE-A-SOUND I-V B-Theme O I-Theme B-V -whisk RUN O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -whisper SPEAK O I-Recipient B-Agent B-Recipient B-V I-V B-Topic I-Agent I-Topic -whistle MAKE-A-SOUND B-Attribute O I-Attribute I-Recipient I-Theme B-Recipient B-V I-V B-Theme -whiten COLOR I-Patient O I-V B-Patient B-Agent I-Agent B-V -whittle CUT I-Patient O B-Patient B-V I-Product B-Product B-Source I-Result B-Agent I-V I-Source B-Result I-Agent -wholesale SELL O I-Recipient B-Agent I-Theme B-Recipient I-Asset B-V I-Beneficiary I-V B-Asset B-Theme I-Agent B-Beneficiary -whoop SHOUT O I-Recipient B-Recipient I-Theme B-V I-V B-Topic B-Theme I-Topic -whoosh MOVE-ONESELF I-V B-Theme O I-Theme B-V -whore HAVE-SEX I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -wick ABSORB I-V B-Theme O B-Agent I-Theme I-Agent B-V -widen INCREASE_ENLARGE_MULTIPLY I-Patient B-Source B-Patient B-Agent B-Destination O B-V B-Extent I-V I-Source I-Agent I-Extent I-Destination -widow CAUSE-SMT I-Result I-V O B-Agent I-Agent B-Result B-V -wield CATCH B-Attribute O I-Attribute B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -wiggle MOVE-SOMETHING O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -will GIVE_GIFT O I-Recipient B-Recipient I-Theme B-Agent B-V I-V B-Theme I-Agent -wilt WEAKEN I-Patient B-Patient B-Agent B-Destination O B-V I-V I-Agent I-Destination -win WIN I-Patient I-Co-Agent B-Patient B-Agent O I-Asset B-Co-Agent B-V I-Beneficiary I-V B-Asset I-Agent B-Beneficiary -win PERSUADE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -wince FACIAL-EXPRESSION B-Cause I-Agent I-V O B-Agent I-Cause B-V -wind ROLL B-Attribute I-Location O B-Agent I-Attribute I-Theme B-V I-V B-Theme I-Agent B-Location -wind RESULT_CONSEQUENCE I-Goal I-V B-Theme B-Goal O I-Theme B-V -wind FINISH_CONCLUDE_END O B-Agent I-Theme B-V I-V B-Theme I-Agent -wink SIGNAL_INDICATE O I-Recipient B-Recipient B-Agent B-Instrument B-V I-Instrument I-V I-Agent -wipe MOVE-SOMETHING O B-Agent B-Instrument I-Theme B-V I-Instrument I-V I-Source B-Theme I-Agent B-Source -wipe CONSUME_SPEND I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -wipe CORRODE_WEAR-AWAY_SCRATCH I-Patient O I-V B-Patient B-Agent I-Agent B-V -wire SEND O B-Destination B-Agent I-Theme B-V I-V B-Theme I-Agent I-Destination -wire SECURE_FASTEN_TIE I-Patient B-Co-Patient B-Patient B-Agent O I-Co-Patient B-V I-V I-Agent -wish REQUIRE_NEED_WANT_HOPE O B-Agent I-Theme B-V I-Beneficiary I-V B-Theme I-Agent B-Beneficiary -withdraw MOVE-BACK O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -wither SPOIL I-Patient B-Cause O I-V B-Patient I-Cause B-V -withhold REFUSE B-Goal O B-Agent I-Theme B-V I-Goal I-V B-Theme I-Agent -withstand RESIST B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -witness SEE B-Experiencer B-Stimulus I-V O I-Experiencer I-Stimulus B-V -wobble MOVE-ONESELF I-V B-Theme O I-Theme B-V -wolf EAT_BITE I-Patient O I-V B-Patient B-Agent I-Agent B-V -womanize COURT I-V O B-Agent I-Agent B-V -wonder THINK I-V B-Theme O B-Agent I-Theme I-Agent B-V -woo COURT B-Co-Agent I-Co-Agent I-V O B-Agent I-Agent B-V -word SPEAK I-Topic I-V B-Topic O B-Agent I-Agent B-V -work WORK I-Co-Agent B-Goal O B-Agent B-Instrument I-Theme B-V B-Co-Agent I-Goal I-Instrument I-V B-Theme I-Agent -work PREPARE I-Co-Agent O B-Agent B-V B-Co-Agent I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -work REACH B-Cause B-Goal O I-Theme I-Cause B-V I-Goal I-V B-Theme -work GO-FORWARD B-Location I-Location O B-Agent B-Destination B-V I-V I-Source I-Agent B-Source I-Destination -work MOUNT_ASSEMBLE_PRODUCE I-Result O B-Agent B-Material B-V I-V B-Result I-Agent I-Material -work BREAK_DETERIORATE I-Patient B-Attribute B-Patient I-Attribute B-Agent O B-V I-V I-Agent -work OPERATE I-Patient B-Goal B-Patient B-Agent O B-V I-Goal I-V I-Agent -worry CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -worsen WORSEN I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -worship APPROVE_PRAISE I-V B-Theme O B-Agent I-Theme I-Agent B-V -wound HURT_HARM_ACHE O B-Agent B-Instrument B-V B-Experiencer I-Instrument I-V I-Experiencer I-Agent -wow CAUSE-MENTAL-STATE O B-Agent B-V B-Experiencer B-Stimulus I-V I-Experiencer I-Stimulus I-Agent -wrack DESTROY I-Patient O I-V B-Patient B-Agent I-Agent B-V -wrangle QUARREL_POLEMICIZE I-Co-Agent O B-Agent I-Theme B-V B-Co-Agent I-V B-Theme I-Agent -wrap ENCLOSE_WRAP O I-Co-Theme B-Agent I-Theme B-V B-Co-Theme I-V B-Theme I-Agent -wrap FINISH_CONCLUDE_END O B-Agent B-Instrument I-Theme B-V I-Instrument I-V B-Theme I-Agent -wreak HAPPEN_OCCUR I-Location O B-Agent I-Theme B-V I-V B-Theme I-Agent B-Location -wreck DESTROY I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -wrench PULL O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -wrest CATCH O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -wrestle FIGHT I-Co-Agent O B-Agent B-V B-Co-Agent I-V B-Topic I-Agent I-Topic -wrestle MOVE-ONESELF O B-Agent B-Destination I-Theme B-V I-V B-Theme I-Agent I-Destination -wrestle TAKE O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -wriggle MOVE-ONESELF I-Destination I-V B-Theme O B-Destination I-Theme B-V -wring EXTRACT O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -write WRITE I-Result O I-Recipient B-Agent B-Recipient B-V I-V B-Result I-Agent -write RECOGNIZE_ADMIT_IDENTIFY O B-Agent B-V I-V B-Topic I-Source I-Agent B-Source I-Topic -write DEBASE_ADULTERATE I-Patient B-Source B-Goal B-Patient B-Agent O B-V I-Goal B-Extent I-V I-Source I-Agent I-Extent -write PUBLISH O I-Recipient B-Agent I-Theme B-Recipient B-V I-V B-Theme I-Agent -writhe MOVE-ONESELF I-V B-Theme O I-Theme B-V -wrong TREAT I-V B-Theme O B-Agent I-Theme I-Agent B-V -wrought CHANGE_SWITCH I-Patient B-Patient B-Agent B-Instrument O B-V I-Instrument I-V I-Agent -x-ray ANALYZE I-V B-Theme O B-Agent I-Theme I-Agent B-V -yank PULL O B-Agent I-Theme B-V I-V I-Source B-Theme I-Agent B-Source -yawn MAKE-A-SOUND I-V B-Theme O I-Theme B-V -yearn REQUIRE_NEED_WANT_HOPE I-V B-Theme O B-Agent I-Theme I-Agent B-V -yell MAKE-A-SOUND B-Attribute O I-Attribute I-Recipient I-Theme B-Recipient B-V I-V B-Theme -yield CAUSE-SMT I-Result I-V O B-Agent I-Agent B-Result B-V -yield GIVE-UP_ABOLISH_ABANDON I-Patient B-Patient I-Recipient B-Agent B-Recipient O B-V I-V I-Agent -yield GENERATE O B-Agent B-V I-Product I-Beneficiary I-V B-Product I-Agent B-Beneficiary -zag GO-FORWARD B-Cause I-Agent I-V O B-Agent I-Cause B-V -zap KILL I-Patient O I-V B-Patient B-Agent I-Agent B-V -zero DIRECT_AIM_MANEUVER I-Destination I-V B-Agent O B-Destination I-Agent B-V -zero DISCARD I-V B-Theme O B-Agent I-Theme I-Agent B-V -zig TRAVEL B-Cause I-V B-Theme O I-Theme I-Cause B-V -zip RUN I-V B-Theme O I-Theme B-V -zone DIVIDE I-Patient I-Result B-Patient B-Agent O B-V I-V B-Result I-Agent -zoom RUN B-Source O B-Destination B-Instrument I-Theme B-V B-Extent I-Instrument I-V I-Source B-Theme I-Extent I-Destination diff --git a/transformer_srl/resources/frame2role_ml.tsv b/transformer_srl/resources/frame2role_ml.tsv deleted file mode 100644 index d151b6c..0000000 --- a/transformer_srl/resources/frame2role_ml.tsv +++ /dev/null @@ -1,39899 +0,0 @@ -ooh SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aah SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -éblouir LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -éblouir BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -cegar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cegar BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -cegar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -abacinate BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -renunciar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -renunciar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -renunciar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -renunciar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -renunciar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -renunciar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -renunciar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -renunciar RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -abandonar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -abandonar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -abandonar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abandonar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -abandonar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -abandonar BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -abandonar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -abandonar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -abandonar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -abandonar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -abandonar LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -abandonar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -abandonar FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -abandon LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -abandon GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abandon CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -abandon DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -give_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -give_up GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -give_up CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -give_up EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -give_up RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -give_up CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -give_up LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -give_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -rendirse GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -rendirse RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -vacate RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -vacate CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -vacate LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desalojar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desalojar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desalojar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -empty EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -empty EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -empty LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -evacuar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -evacuar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -evacuar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -evacuar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -evacuar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desolate POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -desolate GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -desolate DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desamparar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -desertar BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -desertar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -desertar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -dejar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dejar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -dejar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -dejar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -dejar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -dejar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -dejar RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -dejar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -dejar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -dejar LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -dejar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -dejar BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -dejar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -dejar LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -dejar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -dejar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -dejar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -dejar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dejar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -desert BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -desert GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -desert LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -forsake GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abandonner DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -abandonner REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -abandonner STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -abandonner GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -quiter GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -desasistir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -apocar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -apocar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -despreciar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -despreciar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -despreciar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -despreciar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -humble CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -humble DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -abase DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -desmoralizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desmoralizar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -desmoralizar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -mortify HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mortify RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -mortify DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -humillar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -humillar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -humillar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -humiliate DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -mortificar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -mortificar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -degradar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -degradar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -degradar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -degradar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -degradar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -chagrin DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -avergonzar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -avergonzar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -avergonzar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -confundir BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -confundir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -confundir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -confundir MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -confundir DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -confundir REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -confundir MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -confundir INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -abash CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -embarrass CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -embarrass STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -amansar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -amansar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -amansar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -die_away REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -let_up REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -amainar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slack MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -slack SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -slack ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -slack WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -slack UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -slack REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slack_off REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -abate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -ceder GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -ceder AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -ceder BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -ceder CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -ceder GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -ceder GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -ceder REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -ceder RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -mitigar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mitigar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -mitigar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -mitigar SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -mitigar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -aflojar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -aflojar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -aflojar SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -aflojar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -aflojar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slake SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -slake WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -slake REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -reducir DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -reducir CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -reducir COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -reducir TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -reducir SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -reducir DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -reducir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -reducir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -reducir STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -disminuir CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -disminuir INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -disminuir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -disminuir DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -abbreviate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -abreviar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -abreviar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -abreviar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -contract REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -contract SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -contract PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -contract HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -contract ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -contract CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -cut MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -cut DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -cut MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -cut SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -cut INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cut CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -cut WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -cut ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -cut CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -cut SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cut TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -cut REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cut PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -cut REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -cut CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -cut STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cut SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -cut TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -cut HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cut CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -cut HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -cut REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -cut CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cut PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -cut RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -cut SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -cut GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -cut DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -compendiar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -compendiar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -compendiar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -réduire COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -réduire REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -abridge REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -condensar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -condensar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -condensar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -condensar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -condensar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -encoger SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -encoger REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -contraer CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -contraer AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -contraer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -contraer CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -resumir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -resumir SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -abréger REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -abréger SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -reduce REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -reduce COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -reduce RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -reduce RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reduce DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reduce REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reduce SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -reduce SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -reduce DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -reduce WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -reduce DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -reduce REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -simplificar SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -simplificar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -foreshorten REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -shorten REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -acortar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -resignar RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -resignar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -renegar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -renegar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -renegar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -renegar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -renegar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -renegar RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -abdicate GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abdicar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -abdicar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -renounce DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -renounce RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -renounce GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -adduce PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -abducir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -abducir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -cite SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -cite CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -cite PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -cite APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -aducir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -abduce PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -nobble REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -nobble HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -nobble STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -éloigner REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -raptar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -raptar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -coger REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -coger CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -coger GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -coger CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -coger BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -coger CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -coger CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -coger UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -coger CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -coger FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -coger HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -coger MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -coger PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -coger CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -coger TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -coger CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -secuestrar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -secuestrar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -secuestrar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -secuestrar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -kidnap REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -snatch REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -snatch CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -abduct REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -abduct MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pescar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pescar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -pescar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -pescar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -pescar HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -aberrate TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -aberrate DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -incitar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -incitar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -incitar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -incitar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -instigar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -instigar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -instigar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -abet INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -aborrecer DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -abhor DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -execrate DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -execrate BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -abominar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -abominar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -execrar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -execrar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -detestar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -loathe DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -abominate DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -quedar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -quedar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -quedar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -quedar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -quedar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -quedar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -quedar LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -quedar MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -quedar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -morar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -morar EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -morar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -bide STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -stay STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stay SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -stay REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -stay WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -stay OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -stay STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -abide TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -abide STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -permanecer PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -permanecer RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -permanecer REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -permanecer LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -permanecer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -permanecer WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -permanecer STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -quedarse PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -quedarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -quedarse CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -quedarse REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -quedarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -brook TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -soportar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -soportar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -soportar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -soportar TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -soportar RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -soportar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -soportar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -soportar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -soportar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -soportar CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -soportar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -tolerate AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -tolerate TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -tolerate RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -supporter AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -supporter TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -sufrir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sufrir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -sufrir TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -sufrir AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -sufrir UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sufrir WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -sufrir RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -consentir TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -consentir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -consentir TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -consentir AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -consentir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -consentir BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -tolérer AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -tolérer TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -endure UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -endure FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -endure TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -endure CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -apechar TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -sobrellevar SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -sobrellevar TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -sobrellevar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -support HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -support TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -support FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -support ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -support ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -support PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -support STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -support PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -support STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -tolerar TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -tolerar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -tolerar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -tolerar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -tolerar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -aguantar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aguantar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -aguantar TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -aguantar RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -aguantar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -aguantar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -aguantar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -aguantar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -aguantar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -aguantar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -aguantar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -aguantar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -aguantar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -aguantar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -bear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -bear EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bear PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -bear CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -bear TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -bear DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -bear POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -bear GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -bear CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -bear STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -stomach DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -stomach TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -digest DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -digest TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -digest EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -digest ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -digest LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -digest SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -digerir LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -digerir EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -digerir TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -suffer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -suffer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -suffer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -suffer TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -suffer UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -suffer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -put_up LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -put_up MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -put_up TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -put_up OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -put_up PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -put_up ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -put_up PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -put_up PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -put_up STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -stick_out EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -stick_out BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -stick_out TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -stand EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -stand STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stand TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -stand RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -stand FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -stand REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -stand HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -stand PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -stand STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -seguir OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -seguir WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -seguir PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -seguir CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -seguir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -seguir PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -seguir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -seguir UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -seguir PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -seguir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -seguir LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -seguir SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -seguir FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -seguir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -seguir EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -seguir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -seguir FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -seguir SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -seguir CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -seguir COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -seguir REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -seguir PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -seguir HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -seguir OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -acceder OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -acceder GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -acceder ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -acceder ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -acceder AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -acceder BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -acceder TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -follow OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -follow FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -follow WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -follow OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -follow WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -follow DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -follow FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -follow IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -follow INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -follow COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -follow ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -follow SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -follow PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -follow HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -follow UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -follow GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -obedecer MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -obedecer OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -obedecer AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -obedecer FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -cumplir SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -cumplir OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -cumplir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -cumplir HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -abide_by OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -abide_by LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -comply OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -obéir OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -subordinarse OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -acatar OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -respect LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -honor LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -honor AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -honor APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -honrar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -honrar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -honrar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -honrar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -honour LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -honour AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -honour APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -respecter LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -honorer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -honorer PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -honorer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -observe BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -observe WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -observe LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -observe FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -observe MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -observe SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -observe SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -observe HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -forswear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -retractarse RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -retractarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -resile RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -resile SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -resile RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -resile MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -abjurar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -abjurar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abjurar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -recant SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abjure SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -retractar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retractar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -retractar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -retract OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -retract SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -retract PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -retract MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -destetar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -destetar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -ablactate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -wean REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -wean BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -sevrer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ablactar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ablate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ablate CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -erosionarse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -erosionarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -abnegar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abnegate ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -abnegate GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -abnegate GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -deny ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -deny REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -eliminar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -eliminar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -eliminar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -eliminar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -eliminar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -eliminar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -eliminar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -eliminar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -eliminar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -eliminar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -abrogar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -suprimir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -suprimir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -suprimir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -suprimir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -suprimir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -suprimir RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -suprimir MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -suprimir DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -suprimir RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -suprimir RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -suprimir DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -abolish GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -get_rid_of CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -get_rid_of GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -get_rid_of DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -derogar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -derogar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abolir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -abolir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abortar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -abortar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -abortar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -abort STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -abort EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -avorter EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -interrumpir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -interrumpir COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -interrumpir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -interrumpir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -interrumpir MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -interrumpir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cancelar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cancelar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -cancelar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -cancelar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -cancelar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -cancelar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -anular STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -anular COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -anular FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -anular DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -anular PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -anular CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -anular DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -anular RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -annuler REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -annuler STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -annuler RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -annuler CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -abundar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -abundar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -bristle EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bristle REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -bristle RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -burst EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -burst OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -burst EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -burst APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -burst EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -burst GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -abound EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -abound REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -explotar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -explotar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -explotar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -explotar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -explotar REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -explotar EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -explotar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -explotar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -ser_rico REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -abonder_en REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -pullulate_with REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -abound_in REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -teem_in REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -about-face TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -about-face THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -gastar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -gastar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -gastar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -gastar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -gastar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -rub_off CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -gastarse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -gastarse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -rub_down TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -rub_down CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -abrase CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -abrade CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -corroerse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -desgastar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -desgastar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -desgastar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desgastar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -desgastar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -corrade CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -raer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -raer CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -scour SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -scour CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -scour WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -fregar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -fregar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fregar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -descargar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descargar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -descargar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -descargar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -descargar DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -descargar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -descargar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -descargar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -descargar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -descargar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -descargar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -descargar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -abreact SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abrogate GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abscindir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -abscise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -escapar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -escapar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -escapar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -fugarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -run_off COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -run_off DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -run_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -run_off COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -run_off FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -decamp LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -bolt SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -bolt EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bolt ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -bolt JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -bolt LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -absquatulate LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -go_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -go_off HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -go_off OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -go_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -go_off PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -go_off SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -make_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -abscond LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -esfumarse SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -esfumarse DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -esfumarse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -esfumarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -rope_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -rappel FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -descendre_en_rappel FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -abseil FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -descender_en_rapel FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -remove REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -remove MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -remove KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -remove LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -remove DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -remove DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -ausentarse MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -ausentarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -absent LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -justificar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -justificar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -justificar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -justificar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -justificar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -justificar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -absolve LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -absolve PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -liberar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -liberar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -liberar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -liberar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -liberar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -liberar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -liberar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -liberar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -eximir LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -eximir SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -eximir EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -free REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -free CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -free EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -free CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -free EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -free PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -free UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -free LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -justify ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -justify GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -justify PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -justify LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -justify JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -absolver LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -absolver SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -absolver REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -absolver PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -shrive PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -asimilar CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -asimilar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -asimilar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -asimilar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -absorver CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -absorver ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -absorver ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -absorb CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -absorb COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -absorb BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -absorb ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -absorb LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -absorb FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -absorb CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -acoger WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -acoger AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -acoger TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -acoger HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -acoger CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -embelesarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -concentrarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -concentrarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -enfrascarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -immerse ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -immerse INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -immerse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -immerse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -sumergirse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -sumergirse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -sumergirse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -empaparse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -empaparse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -soak_up ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -soak_up FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -ensimismarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -abstraerse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -engulf COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -engulf FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -steep FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -steep DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -zambullirse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -zambullirse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -zambullirse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -absorberse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -aislarse ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -aislarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -plunge FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -plunge BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -plunge DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -plunge INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -plunge RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -plunge FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -plunge REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -engross CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -engross FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -absorber CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -absorber COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -absorber PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -absorber BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -absorber ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -absorber WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -absorber LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -imbibe DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -imbibe ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -imbibe LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -take_up REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -take_up MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -take_up WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -take_up CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -take_up ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -take_up USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -take_up LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -take_up FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -take_up RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -sop_up ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -take_in AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -take_in EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -take_in DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -take_in EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -take_in ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -take_in LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -take_in TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -take_in HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -take_in PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -take_in SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -take_in CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -take_in HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -take_in VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -take_in REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -draw REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -draw CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -draw REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -draw ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -draw INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -draw OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -draw ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -draw SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -draw REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -draw BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -draw PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -draw EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -draw PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -draw AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -draw SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -draw MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -draw IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -draw TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -draw WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -draw INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -draw BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -draw REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -draw EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -draw KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -draw PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -suck EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -suck ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -suck NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -suck HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -suck ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -suck_up FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -suck_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -suck_up ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -engage CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -engage FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -engage TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -engage OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -engage CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -engage HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -engage ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -occupy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -occupy WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -occupy REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -occupy ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -occupy FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -occupy CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -occupy STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -atraer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -atraer LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -atraer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -atraer ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -ocupar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ocupar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -ocupar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -ocupar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -ocupar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -ocupar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -ocupar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -ocupar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -ocupar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ocupar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -ocupar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -ocupar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -asumir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -asumir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -asumir SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -asumir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -asumir BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -asumir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -asumir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -asumir INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -hacerse_cargo BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -hacerse_cargo WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -take_over BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -take_over PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -take_over REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -take_over BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -take_over BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -take_over EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -take_over LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -take_over STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -recibir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -recibir WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -recibir ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -recibir RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -recibir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -recibir TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -recibir OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -recibir HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -recibir SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -recibir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -recibir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -recibir RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -tomar_para_sí ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -ingest LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -ingest EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -empapar PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -empapar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -empapar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -empapar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -empapar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -assimilate CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -assimilate LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -assimilate ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -assimilate CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -abstenerse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -abstener ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -abstain ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desistir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desistir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -inhibirse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -refrain ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desist ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -abstraer THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -abstract THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -abstract SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -abstract STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -abstractar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -extractar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -extractar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -swipe HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -swipe STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -guindar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -quitar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -quitar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -quitar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -quitar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -quitar CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -quitar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -quitar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -quitar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -quitar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -quitar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -quitar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -snarf STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -enganchar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -enganchar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -enganchar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -enganchar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -enganchar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -enganchar FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -enganchar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -enganchar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -enganchar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -enganchar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -enganchar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -enganchar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hook LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -hook STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hook SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -hook REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -hook CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -hook OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -hook SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -hook HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -hook CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -hook STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -birlar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -cabbage STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -pinch CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pinch HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pinch PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pinch STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hurtar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -afanar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -atrapar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -atrapar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -atrapar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -atrapar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -atrapar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -atrapar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -atrapar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -atrapar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -atrapar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -atrapar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -atrapar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -atrapar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -robar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -robar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -robar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -purloin STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -lift REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -lift MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -lift FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -lift CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -lift PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -lift AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -lift STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -lift AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -lift APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -lift CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -lift EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -lift EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -lift RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -lift REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -lift STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -mangar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -sneak GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -sneak MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -sneak STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -filch STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -pilfer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -blackguard JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -blackguard SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abusar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -abusar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abusar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -abusar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -injuriar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -injuriar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shout MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -shout SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -denigrar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -denigrar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -denigrar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -denigrar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -clapperclaw SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -clapperclaw CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -abuse TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -abuse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abuse VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -malparar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -ill-treat TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -maltratar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -maltratar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -maltratar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ill-use TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -mistreat TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -step TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -step MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -step MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -step MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -step CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -step OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -step PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -step PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -step GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -maltreat TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -pervert DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pervert DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -pervert VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -pervertir DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -pervertir VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -misuse APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -misuse VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -colindar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -limitar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -limitar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -limitar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -limitar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -toucher BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -toucher CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -toucher TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -bordear TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -bordear LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -bordear BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bordear ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bordear OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -march SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -march MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -march OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -march BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -march GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -butt_on BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confinar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confinar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confinar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -abut BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -être_frontalier BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -adjoin BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -adjoin ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -butt BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -butt MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -lindar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -lindar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -edge BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -edge LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -edge SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -edge GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -butt_against BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -butt_against HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -border BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -border ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -border LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -expiate JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -pagar CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -pagar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -pagar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -pagar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -pagar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -pagar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -pagar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -aby JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -racheter JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -expier JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -enmendarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -enmendarse JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -atone REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -atone JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -expiar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -enmendar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -enmendar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -enmendar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -abye JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -accede ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -accede AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -accede GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -give_in AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -give_in GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -bow PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -bow GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -bow LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -defer DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -defer GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -deferir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -submit GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -submit AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -submit PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -submit SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -submit ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -submit GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -someterse GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -someterse AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -someterse SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -someterse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -someterse CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -enter HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -enter BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -enter ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -enter APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -enter PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -enter ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -enter PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -enter HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -enter PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -concordar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -concordar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -assent AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -acquiesce AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -asentir LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -asentir SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -asentir SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -asentir AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -aligerar SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -aligerar SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -aligerar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -speed SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -speed RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -activar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -activar SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -activar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -activar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -activar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -activar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -accélérer SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -quicken SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -quicken AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -agilizar SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -rendre_agile SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -acelerar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -acelerar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -acelerar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -acelerar SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -acelerar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -acelerar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -accelerate SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -apresurar SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -apresurar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -apresurar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -apresurar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -speed_up SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -urgir SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -urgir ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -urgir OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -apurar SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -apurar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -apurar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -apurar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -puntuar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -puntuar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -puntuar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -puntuar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -puntuar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -accentuate EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -enfatizar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -remarcar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -remarcar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -remarcar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -remarcar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -stress EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -stress VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -emphasise EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -accent EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -recalcar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -recalcar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -recalcar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -subrayar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -subrayar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -resaltar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -resaltar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -resaltar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -resaltar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -acentuar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -souligner EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -souligner EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -emphasize EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -punctuate EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -punctuate WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -punctuate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -aceptar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -aceptar TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -aceptar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -aceptar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -aceptar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -aceptar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -aceptar RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -accept PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -accept TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -accept AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -accept RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -accept AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -accept HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -accept BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -accept RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -take CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -take CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -take REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -take CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -take TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -take WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -take CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -take DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -take CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -take TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -take AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -take INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -take REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -take BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -take AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -take RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -take UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -take AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -take TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -take STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -take CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -take GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -take MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -take BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -take MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -take BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -take EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -take CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -take ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -take MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -take HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -take VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -take RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -take CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -take WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -take RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -sostener HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sostener AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -sostener CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -sostener FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -sostener RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -sostener NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -sostener ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -sostener AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -sostener ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -sostener CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -sostener STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -sostener STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -sostener EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -acceptar TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -swallow CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -swallow TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -swallow EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -swallow RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -swallow ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -swallow SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -swallow BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -tragarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -tragarse TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -tragarse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -tragarse RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -tragarse BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -tragarse BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -vivir_con TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -tragar TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -tragar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -tragar DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -tragar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -tragar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -tragar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -live_with TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -go_for APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -go_for TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -go_for AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -go_for REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -consent AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -take_on AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -take_on CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -take_on BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -take_on FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -admit LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -admit ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -admit AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -admit HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -admit RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -admettre AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -admettre RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -admitir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -admitir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -admitir APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -admitir AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -admitir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -admitir RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -accepter AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -accepter AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -recevoir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -recevoir MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -recevoir RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -assume RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -assume BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -assume PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -assume MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -assume SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -assume DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -assume CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -assume SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -assume STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -adquirir BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -adquirir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -adquirir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -adquirir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -adquirir SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -adquirir EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -adquirir BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -adquirir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -adquirir LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -adquirir OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -adquirir TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -tomar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tomar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -tomar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tomar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -tomar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -tomar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -tomar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -tomar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -tomar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -tomar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -tomar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -tomar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -tomar CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -tomar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -tomar DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -tomar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -tomar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -tomar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -tomar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -have EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -have CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -have SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -have FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -have MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -have EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -have AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -have UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -have POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -have REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -have GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -have INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -have HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -have ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -have RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -querer MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -querer REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -querer CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -querer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -querer AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -accéder ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -get_at CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -get_at INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -get_at ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -pretender PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -pretender TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -pretender ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -pretender DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pretender PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -pretender SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -access TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -access ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -llegar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -llegar ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -llegar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -llegar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -llegar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -llegar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -llegar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -llegar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -llegar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -recuperar REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -recuperar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -recuperar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -recuperar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -recuperar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -recuperar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -recuperar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -recuperar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -recuperar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -recuperar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -recuperar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -récupérer TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -accession RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -applaudir APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -ovacionar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -vitorear INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -vitorear APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -clap MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -clap APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -clap SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -clap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -clap PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -acclaim APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -applaud APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -spat FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -spat APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -spat HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -spat GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -spat ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -spat QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -spat PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -avoir_une_prise_de_bec FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -avoir_une_prise_de_bec APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -avoir_une_prise_de_bec HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -avoir_une_prise_de_bec GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -avoir_une_prise_de_bec ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -avoir_une_prise_de_bec QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -avoir_une_prise_de_bec PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -aplaudir PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -aplaudir APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -aplaudir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -aclamar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aclamar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -aclamar WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -herald GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -herald APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -herald WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -hail METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -hail APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -hail WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -hail SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -hail COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -aclimatar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ambientar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -acclimate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -acclimatise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aclimatarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aclimatarse HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -acclimatize CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -accommodate LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -accommodate FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -accommodate HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -accommodate GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -accommodate HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -hold MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -hold RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -hold CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -hold DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -hold CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hold RESERVE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -hold APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -hold AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -hold PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -hold RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -hold EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -hold STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hold AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -hold CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -hold ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -hold BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hold HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -hold OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -hold REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -hold EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -hold CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -hold RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -hold FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -hold DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -hold POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -hold REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -hold STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -hold ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -acomodarse HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -acomodarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -oblige LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -oblige OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -complacer LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -complacer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -regular ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -regular HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -regular ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -adaptar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -adaptar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -adaptar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -adaptar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -adaptar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -adapt ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -adapt HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -ajustar TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -ajustar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -ajustar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -ajustar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -ajustar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -ajustar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -ajustar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -ajustar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -adapter ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -adapter HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -adapter PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -adaptarse ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -adaptarse HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -adaptarse SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -acomodar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -acomodar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -acomodar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -acomodar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -conformar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -conformar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -conformar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -conformar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -satisfacer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -satisfacer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -satisfacer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -satisfacer SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -servir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -servir SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -servir HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -servir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -servir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -servir SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -servir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -servir NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -servir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -équiper GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -fournir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fournir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -munir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -colmar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -colmar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -albergar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -albergar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -albergar TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -albergar CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -albergar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -albergar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -alojar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -alojar CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -alojar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -alojar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -hospedar CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -hospedar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -hospedar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -lodge ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -lodge HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -lodge HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -lodge STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -dar_alojamiento HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -dar_alojamiento STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -fit LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fit SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -fit MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -fit INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -fit FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -suit SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -suit HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -suit FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -suit EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -adecuarse SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -adecuarse FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -agradar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -agradar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -agradar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -contentar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -contentar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -reconciliar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -reconciliar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -reconciliar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -reconciliar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -reconcile COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -reconcile HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -reconcile AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -reconcile SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -acordar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -acordar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -acordar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -acordar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -acordar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -acordar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -acordar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -acordar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -conciliate HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -conciliate MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -conciliate SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -conciliar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -conciliar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -accompany PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -accompany ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -acompañar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -acompañar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -acompañar ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -acompañar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -companion ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -company ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -keep_company ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -attach_to ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -attach_to INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -ir_con ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -go_with ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -come_with ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -play_along PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -play_along ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -carry_out CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -carry_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -action ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -action CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -execute AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -execute CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -execute OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -execute KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -accomplir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -accomplir EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -llevar_a_término CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -llevar_a_término GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -accomplish ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -accomplish CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -realizar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -realizar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -realizar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -realizar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -realizar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -realizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -realizar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -realizar EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -realizar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -fulfil SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -fulfil CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -ejecutar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -ejecutar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -ejecutar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -ejecutar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -ejecutar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -ejecutar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -fulfill SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -fulfill CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -completar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -completar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -completar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -completar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -completar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -completar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -completar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -completar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -completar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -carry_through CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -carry_through HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -achieve ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -conseguir SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -conseguir AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -conseguir ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -conseguir REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -conseguir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -conseguir OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -conseguir GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -conseguir TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -réaliser CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -réaliser ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -reach EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -reach ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -reach REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -reach COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -reach GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reach ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -reach EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -alcanzar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -alcanzar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -alcanzar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -alcanzar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -alcanzar COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -alcanzar AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -alcanzar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -alcanzar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -alcanzar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -alcanzar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -attain ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -attain REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -attain ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -attain FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -lograr SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -lograr ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -lograr REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -lograr REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -lograr FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -lograr OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -lograr ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -lograr INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -lograr GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -conceder EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -conceder GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -conceder CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -conceder AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -conceder SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -conceder LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -conceder GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -conceder GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -conceder RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -grant GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -grant CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -grant LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -grant GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -grant GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -accord GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -accord HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -conferir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -conferir CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -conferir CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -conferir LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -conferir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -conferir GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -conferir DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -adjudicar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -adjudicar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -adjudicar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -adjudicar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -adjudicar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -adjudicar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -adjudicar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -adjudicar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -adjudicar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -destinar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -destinar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -destinar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -destinar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -destinar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -destinar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -otorgar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -otorgar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -otorgar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -otorgar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -otorgar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -allot GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -encajar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -encajar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -encajar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encajar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -encajar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -encajar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -encajar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -armonizar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -armonizar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -armonizar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -armonizar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -harmonise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -harmonise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -harmonise PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -harmonise HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -harmonize CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -harmonize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -harmonize PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -harmonize HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -consort HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -consort HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -consort ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -agree MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -agree HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -agree EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -agree AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -fit_in HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -concord HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -concord AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -concord SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -s'accorder HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -s'accorder HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -s'accorder ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -s'accorder AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -dirigirse_a SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dirigirse_a GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -accost SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -accost OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -address BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -address SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -address FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -address ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -address PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -come_up_to SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -llamar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -llamar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -llamar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -llamar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -llamar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -llamar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -llamar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -llamar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -llamar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -llamar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -venderse OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -venderse SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -ofrecer_sexo OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -ofrecerse REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -ofrecerse GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -ofrecerse OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -ofrecerse WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -abordar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -abordar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -abordar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -abordar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -abordar CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -abordar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -abordar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abordar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -abordar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -solicit COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -solicit OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -solicit INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -solicit ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -calculate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -calculate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -calculate DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -calculate RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -calculate GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -contar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -contar TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -contar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -contar COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -contar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -contar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -contar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -contar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -contar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -contar RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -contar WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -contar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -compter PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -compter TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -compter COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -compter CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -compter RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -account CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -account EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -account CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -account REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -calcular TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -calcular CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -calcular SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -calcular RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -calcular GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -describir REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -describir RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -describe PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -describe REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -describe RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -denunciar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -denunciar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -denunciar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -denunciar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -denunciar BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -denunciar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -informar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -informar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -informar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -informar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -informar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -informar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -informar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -señalar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -señalar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -señalar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -señalar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -señalar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -señalar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -señalar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -señalar SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -señalar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -report INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -report REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -report AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -relatar REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -relatar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -relatar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -relatar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -décrire REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -décrire RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -dar_parte REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reportar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -answer_for EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -responder ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -responder SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -responder REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -responder ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -responder EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -responder GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -account_for EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -account_for CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -explicar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -explicar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -explicar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -explicar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -explicar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -explicar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -accoutre GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -accouter GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -accredit AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -accredit ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -accredit SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -credit RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -credit ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -credit ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -acreditar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -acreditar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -acreditar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -acreditar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -reconocer SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -reconocer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -reconocer ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -reconocer PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -reconocer ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -reconocer AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -reconocer UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -reconocer RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -autorizar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -autorizar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -autorizar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -autorizar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -autorizar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -reconnaître AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -reconnaître RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -légitimer AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -recognise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -recognise WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -recognise AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -recognise PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -recognise UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -recognize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -recognize WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -recognize AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -recognize KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -recognize PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -recognize UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -accréditer AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -homologuer LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -homologuer AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -homologuer PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -accrete GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -accrete INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -aumentar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -aumentar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -aumentar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -aumentar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -aumentar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -acrecentar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -acrecentar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -acrecentar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -acrecentar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -acumularse AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -acumularse POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -recaer REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -recaer IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -recaer POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -recaer ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -recaer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -accrue INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -accrue POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -fall HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -fall CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -fall DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -fall GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -fall FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -fall CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -fall FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fall GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -fall SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -fall GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -fall FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -fall BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -fall FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -fall LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -fall APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -fall HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fall CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fall REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -fall METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -fall INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -fall KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -fall POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -fall HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -fall ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -fall FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -extranjerizar CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -aculturar CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -acculturate CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -gather SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -gather AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -gather INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -gather GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -gather INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -pile_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -amontonarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -amontonarse AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -conglomerate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -amontonar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -amontonar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -amontonar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -amontonar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -amontonar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -amontonar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -agregar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -agregar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -agregar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -agregar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -agregar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -agregar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -amass AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -coleccionar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -acumular AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -acumular RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -accumulate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -conglomerar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -congregar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -congregar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -congregar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -congregar MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -congregar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -cumuler AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -cumulate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -compilar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -compilar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -compilar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -juntar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -juntar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -juntar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -juntar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -juntar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -juntar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -recoger REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -recoger AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -recoger WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -recoger REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -recoger ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -recoger PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -recoger EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -recoger GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -recoger TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -collect GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -collect AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -compile CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -compile MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -compile AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -hoard AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -hoard RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -roll_up ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -roll_up CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -roll_up ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -roll_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -recopilar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -recopilar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -recopilar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -amasar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -amasar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -amasar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -amasser AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -apilar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -apilar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -apilar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -reunir AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -reunir JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -reunir SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -reunir SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -reunir MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -reunir GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -reunir ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -anathemize BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -anatematizar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -anathemise BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -anathematise BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -anathematize BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -comminate BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -accurse BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -accuser ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -accuser SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -criminate ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -criminate CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -impeach ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -impeach FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -incriminate ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -incriminate IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -acusar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -acusar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -acusar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -acusar BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -acusar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -accuse ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -incriminar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -incriminar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -incriminar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -incriminar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -culpar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -culpar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -charge LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -charge CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -charge PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -charge ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -charge ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -charge CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -charge LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -charge AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -charge ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -charge RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -charge FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -charge DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -charge ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -charge ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -charge PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -charge GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -charge TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -charge FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -accustom CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -acostumbrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -habituate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -habituate USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -acostumbrarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -accoutumer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -soler BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -soler CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -habituar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ace ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -ace SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -nail DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -nail ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -nail HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -nail ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -nail CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -ser_campeón ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -sail_through ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -pass_with_flying_colors ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -sweep_through ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -pasar_sin_dificultad ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -breeze_through ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -acerbate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -acerbate CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -agriar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -amargar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -amargar SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -amargar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -embitter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -envenom CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -envenom ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -acibarar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exasperar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exasperar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -envenimer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -envenimer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -exaspérer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -acidifier CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -acidifier CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -acetify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -acetify CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -acidify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -acidify CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -acidificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -acidificar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -sour SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -sour CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -acidular CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -avinagrar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -acidulate CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -asperear SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -asperear CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -acidar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -acetificar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -acetylize REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -acetylize INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -acetylise REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -acetylise INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -acetylate REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -acetylate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -smart HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -doler CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -doler HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -doler REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -ache HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ache REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -hurt CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hurt WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -hurt HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -escocer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -lastimar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -languish WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -languish REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -yearn LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -yearn REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -ansiar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -ansiar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -anhelar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -yen REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -consumirse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -consumirse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -consumirse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -consumirse REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -pine REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -achromatise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -achromatize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -acromatizar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -acid-wash COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -lavar_con_ácido COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -lavar_al_ácido COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -acknowledge RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -acknowledge AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -acknowledge APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -reconnaitre RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -saber CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -saber KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -saber AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -saber HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -saber KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -know HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -know AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -know KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -notice EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -notice PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -notice FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -notice RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -acusar_el_recibo RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -receipt SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -receipt RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -acusar_la_recepción RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -familiarise LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -familiarize LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -familiarizarse LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -acquaint INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -acquaint LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -acquaint KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -familiarizar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -poner_al_corriente INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -present SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -present PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -present FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -present WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -present CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -present REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -present KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -present SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -present GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -presentar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -presentar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -presentar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -presentar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -presentar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -presentar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -presentar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -presentar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -presentar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -presentar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -presentar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -presentar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -presentar EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -presentar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -presentar MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -presentar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -presentar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -introduce SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -introduce BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -introduce PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -introduce KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -introduce INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -introduce MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -introduce ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -introduce PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -introduce PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -introducir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -introducir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -introducir PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -introducir KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -introducir INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -introducir MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -introducir ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -introducir PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -introducir PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -acquire FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -acquire CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -acquire LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -acquire OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -acquire TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -learn KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -learn LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -learn STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -learn VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -learn TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instruirse LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -larn LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -aprender KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -aprender LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -aprender STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -aprender VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -aprender TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -apprendre LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -adoptar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -adoptar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -adoptar TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -adoptar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -adoptar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -adoptar CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -adoptar SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -adoptar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -adopt BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -adopt FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -adopt REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -adopt CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -adopt LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -adopt CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -cultivar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -cultivar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -cultivar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -cultivar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -cultivar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cultivar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -cultivar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cultivar GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -desarrollar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -desarrollar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -desarrollar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -desarrollar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -desarrollar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -desarrollar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -desarrollar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -desarrollar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -desarrollar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -crecer DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -crecer GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -crecer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -crecer AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -crecer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -crecer GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -crecer FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -elaborar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -elaborar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -elaborar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -elaborar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -elaborar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -elaborar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -elaborar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -elaborar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -elaborar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -elaborar GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -elaborar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -elaborar SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -elaborar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -get REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -get REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -get INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -get OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -get ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -get DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -get PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -get COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -get HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -get CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -get CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -get UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -get GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -get LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -get CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -get UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -get BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -get SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -get BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -get MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -get CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -get BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -get DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -get REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -get HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -get CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -get CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -get ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -get RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -develop PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -develop SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -develop DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -develop BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -develop GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -develop CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -develop AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -develop OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -develop APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -develop INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -develop HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -develop CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -develop GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -develop EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -develop TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -develop TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -producir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -producir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -producir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -producir GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -producir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -producir POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -producir PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -producir GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -producir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -producir CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -producir INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -producir GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -producir ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -producir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -produce SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -produce MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -produce GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -produce HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -produce PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -produce CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -produce GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -grow DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -grow BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -grow GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -grow INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -grow CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -grow GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -ganar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -ganar EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -ganar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -ganar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ganar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -ganar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -ganar WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -ganar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -ganar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -ganar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -gagner WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -gagner TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -gagner DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -ganarse TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -win WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -win ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -win AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -win TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -gain BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -gain EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -gain INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -gain AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -gain OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -gain ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -gain TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -triunfar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -triunfar WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -triunfar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -triunfar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -vencer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -vencer EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -vencer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -vencer DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -vencer WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -vencer TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -vencer OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -merecer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -merecer TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -evolve CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -evolve AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -evolve TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -evolucionar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -evolucionar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -evolucionar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -procurarse DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -procurarse OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -sacar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -sacar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -sacar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -sacar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -sacar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -sacar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -sacar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sacar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -sacar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -sacar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -sacar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -sacar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -sacar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -sacar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sacar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -sacar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sacar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -sacar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -sacar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -sacar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -sacar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -sacar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -se_procurer OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -obtener ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -obtener REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -obtener EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -obtener OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -obtener GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -obtener ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -obtener INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -acquitter SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -acquitter PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -acquit BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -acquit SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -disculper SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -exonerar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -exonerar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -exonerar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -exonerar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -absoudre SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -discharge SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -discharge DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -discharge SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -discharge CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -discharge EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -discharge OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -discharge LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -discharge CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -discharge SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -exculpate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -innocenter SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -exonerate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -blanchir SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -blanchir CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -blanchir WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -exculpar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -assoil SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -clear REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -clear PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -clear DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -clear EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -clear LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -clear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -clear SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -clear APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -clear CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -clear SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -clear AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -clear EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -clear PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -clear WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -clear EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -clear GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -clear OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -carry SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -carry CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -carry CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -carry RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -carry BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -carry REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -carry WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -carry CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -carry PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -carry BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -carry LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -carry IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -carry NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -carry GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -carry PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -carry ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -carry CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -carry ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -carry SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -carry EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -carry CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -carry TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -carry COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -carry FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -carry POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -carry STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -carry INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -conduct BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -conduct MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -conduct MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -conduct LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -conduct PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -conduct CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -comportarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -exiliar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -exiliar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -exiliar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -behave BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -deport BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -deport DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -comport BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -act BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -act WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -act CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -act PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -act AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -actuar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -actuar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -actuar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -actuar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -funcionar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -funcionar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -funcionar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -funcionar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -work EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -work BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -work DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -work MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -work AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -work WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -work SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -work MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -work GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -work GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -work RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -work CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -work MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -work HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -work OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -work INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -work TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -work AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -work SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -conduire BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -conduire PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -conduire DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -comprtarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -faire BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -faire MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -faire EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -do BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -do EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -do MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -do WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -do CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -do SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -do CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -do EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -do CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -do RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -do GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -portar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -portar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -portar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -portar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -portar CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -portar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -portar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -comporter BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hacer MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hacer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -hacer INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -hacer CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -hacer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -hacer SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hacer BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hacer PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -hacer MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -hacer EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -hacer ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -hacer GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hacer SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -hacer EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -hacer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -hacer IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -hacer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -hacer CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -hacer CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -hacer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -hacer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -hacer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -hacer ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -hacer GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -hacer INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -portarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -obrar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -obrar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -comportar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -comportar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -comportar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -comportar MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -fingir BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -fingir FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -fingir DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fingir SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -fingir GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -faire_l´hypocrite BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dissimular BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -pretend BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -pretend DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pretend ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -pretend PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -pretend GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -pretend PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -dissemble BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dissemble DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -dissemble CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -interpretar TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -interpretar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -interpretar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -interpretar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -interpretar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -interpretar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -play BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -play TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -play PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -play EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -play BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -play FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -play SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -play MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -play SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -play HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -play USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -play HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -play OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -play RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -play BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -play TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -play PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -play AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -play INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -jugar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -jugar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -jugar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -jugar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -jugar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -jugar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -jugar BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -jugar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -jugar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -roleplay PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -representar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -representar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -representar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -representar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -representar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -representar ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -representar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -representar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -representar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -tocar REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -tocar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -tocar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tocar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -tocar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tocar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -tocar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -tocar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -tocar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -tocar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -tocar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -tocar BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -tocar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -tocar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -tocar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -tocar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -tocar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -tocar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -tocar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -playact PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -llevar_a_cabo FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -llevar_a_cabo WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -llevar_a_cabo CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -llevar_a_cabo CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -llevar_a_cabo PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -llevar_a_cabo CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -move PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -move CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -move MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -move MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -move PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -move SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -move INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -move ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -move CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -move ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -move LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -move CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -move SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -move GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -escenificar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -escenificar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -escenificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -jouer BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -jouer PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -jouer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -jouer CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -jouer PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -declamar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -declamar READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -declamar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -recitar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -recitar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -represent EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -represent SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -represent REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -represent ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -represent PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -represent INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -protagonizar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -protagonizar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -hacer_ver BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -servir_de BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -servir_de HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -simular BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -simular SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -simular DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -act_as BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -act_as HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -act_involuntarily BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -act_reflexively BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -impressionner GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -impressionner CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -act_on GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -act_on CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -pursue SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -pursue CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -pursue FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -follow_up_on CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -reconstruir REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -reconstruir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reconstruir SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -act_out PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -act_out SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -enact SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -enact ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -reenact AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -reenact SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -put_on_airs SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -queen_it_over SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -pompearse SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -act_superior SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -pavonearse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -pavonearse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pavonearse APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -pavonearse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pavonearse SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -lord_it_over SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -act_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -act_up HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -causar_molestias HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -dar_guerra HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -carry_on BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -carry_on MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -carry_on SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -carry_on PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -influenciar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -influenciar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -influenciar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -act_upon INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -influence INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -influence PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -influir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -influir INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -influir PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -influir AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -sue ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -litigate ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -litigate FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -pleitear ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -contender ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -contender COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -contender FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -procesar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -procesar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -procesar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -procesar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -procesar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -litigar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -poursuivre_en_justice ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -demandar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -demandar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -demandar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -process MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -process ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -process CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -process SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -process PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -process GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -process SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -querellar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -querellar QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -proceder EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -proceder DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -proceder ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -proceder ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -proceder GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -activate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -activate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -activate OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -activate AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -aerate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -aerate AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -spark LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -spark AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -spark_off AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -provocar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -provocar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -provocar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -provocar SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -provocar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -provocar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -provocar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -provocar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -provocar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -provocar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -desencadenar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -desencadenar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -desencadenar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -desencadenar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -actuate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -actuate INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -touch_off AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -trip FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -trip CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -trip AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -trip TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -trip ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -set_off AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -set_off BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -set_off COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -set_off EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -set_off EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -set_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -trigger AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -trigger SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -accionar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -accionar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -trigger_off AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -actualise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -actualise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -actualize CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -actualize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -actualizar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -actualizar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -actualizar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -actualizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -actualizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -se_rendre_compte LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -se_rendre_compte EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -se_rendre_compte CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -se_rendre_compte CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -se_rendre_compte UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -substantiate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -substantiate STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -substantiate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -substantiate REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sustanciar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -sustanciar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -sustanciar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -advertir EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -advertir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -advertir CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -advertir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -advertir WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -advertir PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -advertir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -advertir ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -advertir SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -advertir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -advertir UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -realize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -realize EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -realize CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -realize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -realize UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -realise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -realise EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -realise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -realise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -realise UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -motivar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -motivate INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -propel INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -propel MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -propulsar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -propulsar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -propulsar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -propulsar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -propulsar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -propulsar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -incite AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -incite INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -prompt INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -prompt HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -prompt PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -acuminate SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ad-lib CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -improvize CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -improvisar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -improvisar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -improvisar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -extemporize CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -improvise CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -improviser CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -extemporise CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -conform ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -conform MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -ajustarse ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -ajustarse HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -ajustarse MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -conformarse ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -conformarse FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -conformarse AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -conformarse SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -adjust ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -adjust SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -adjust SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -supply LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -supply SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -adicionar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -adicionar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -adicionar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -append ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -append SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -append ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -añadir COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -añadir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -añadir ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -añadir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -añadir ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -ajouter EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ajouter ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -ajouter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -ajouter ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -add EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -add SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -add ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -sum_up ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -sum_up SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -tote_up ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -summate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -summate ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -sumar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -sumar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -sumar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -tot ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -tot_up ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -sommer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -sommer SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -sum ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -sum SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -tally MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -tally RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -tally SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -tally ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -total REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -total ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -total DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -add_up CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -add_up REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -add_up ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -add_up MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -add_together ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -bring EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bring CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bring PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -bring BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -bring HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -bring CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -bring ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -bring COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -bring CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -impart EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -impart INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -impart CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -propiciar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -propiciar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -contribuir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -contribuir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -contribuir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -aportar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -aportar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -aportar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -aportar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -lend EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -lend LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -bestow EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bestow GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -contribute EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -contribute GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -contribute LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -contribute IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -rajouter ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -agregarse AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -agregarse ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -s'ajouter ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -additionner ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -add_on ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -complementar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -complementar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -complementar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -complementar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -anexionar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -anexar CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -anexar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -anexar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -supplement ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -adjuntar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -adjuntar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -adjuntar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -affix ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -affix ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -apposer ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -apposer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -add_to INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -amount CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -amount REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -amount MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -come EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -come CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -come RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -come MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -come DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -come CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -come REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -come COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -come HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -come CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -come OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -come THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -come SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -come ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -come COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -ser_lógico MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -tener_sentido MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -make_sense MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -number COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -number REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -number PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -number WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -number INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -s'élever REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -volver_adicto CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -causar_adicción_en CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -engancharse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -engancharse CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -engancharse OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -addict CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -pudrirse LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -pudrirse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -pudrirse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -pudrirse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -addle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -addle SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -desconcertar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desconcertar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desconcertar COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -puddle PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -puddle COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -puddle DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -puddle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -puddle WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -puddle CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -puddle EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -puddle SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -embarullar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -embarullar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -muddle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -muddle CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mezclar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mezclar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mezclar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -mezclar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -mezclar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -enredar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -enredar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -enredar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -enredar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -enredar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -enredar COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -denominar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -denominar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -denominar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -denominar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -call MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -call LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -call STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -call FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -call REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -call NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -call SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -call DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -call REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -call SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -call SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -call ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -call COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -call VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -call ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -call LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -call GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -call READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -dedicarse SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -dedicarse HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -dedicarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -s'atteler FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -aplicarse_a FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -tratar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -tratar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -tratar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -tratar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tratar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -tratar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -tratar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tratar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -tratar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -se_dédier FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -dirigir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -dirigir LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -dirigir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dirigir EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -dirigir ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -dirigir DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -dirigir ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -dirigir ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -dirigir PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -dirigir OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -dirigir EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -dirigir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -direct MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -direct LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -direct ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -direct DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -direct ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -direct PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -dirigirse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -dirigirse TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -dirigirse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dirigirse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -turn_to SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -turn_to FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -recourir_à SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -recourir_à FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -treat LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -treat TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -treat HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -treat NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -treat NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -treat SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -treat PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -deal BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -deal MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -deal CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -deal FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -deal WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -deal SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -deal SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -deal SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -deal GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -deal CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -plow GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -plow SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -plow TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -handle TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -handle MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -handle SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -handle CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -handle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -handle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -cover COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cover PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -cover FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -cover REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -cover COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cover PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -cover LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -cover ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -cover REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -cover REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -cover HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -cover SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cover COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cover DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -cover ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -cover CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -cover EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -cover INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -speak MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -speak SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hablar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -hablar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hablar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -hablar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -adduct MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -stick EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -stick CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stick BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -stick FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -stick SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -stick REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -stick ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -stick EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -stick HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -stick STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -adhere FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -adhere APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -adhere ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -adhere HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -stand_by ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -stand_by FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -stand_by WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -apoyar REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -apoyar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -apoyar INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -apoyar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -apoyar ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -apoyar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -apoyar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -stick_by FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -asociarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -asociarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -asociarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -asociarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -unirse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unirse JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -unirse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -unirse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -unirse ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -unirse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -vincular CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -vincular ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -vincular JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -stick_to FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -stick_to ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -adherir HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -adherir ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -adherir HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -adherir SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -liar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -liar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -liar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -liar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -liar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -encolar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -hold_fast ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -bind LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -bind BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -bind HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -bind SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -bind ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bind ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -bind PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -bind OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -ligarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -pegar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -pegar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -pegar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pegar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -pegar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -pegar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -pegar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -pegar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -incorporarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -incorporarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -incorporarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -pegarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -adherirse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -adherirse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -adherirse FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -atar TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -atar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -atar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -atar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -atar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -atar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -bond ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -bond BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -bond GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -aferrar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -aferrar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -aferrar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -aferrar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -aferrar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -aferrar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -cling CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -cling ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -cling BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -aferrarse CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -aferrarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -cohere ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -cohere COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -cleave ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -cleave CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cleave CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -adhérer HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -palpar REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -palpar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -palpar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -palpar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -palpar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -palpar FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -touch REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -touch CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -touch MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -touch CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -touch EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -touch BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -touch MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -touch COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -touch TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -touch UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -touch AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -touch EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -touch VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -meet COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -meet FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -meet SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -meet UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -meet BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -meet KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -meet MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -meet GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -meet RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -contact BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -contact COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -contactar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -contactar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -contactar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -contactar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -contactar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -adjourn STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -adjourn FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -break_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -break_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -break_up COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -break_up DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -break_up DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -break_up SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -break_up LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -break_up BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -break_up CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -posponer DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -posponer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -recess PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -recess FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -recess CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -aplazar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -aplazar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -aplazar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -aplazar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -retirarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -retirarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retirarse GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -retirarse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -retirarse ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -retirarse MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retirarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -retirarse RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -retirarse DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -suspender_una_sesión STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -withdraw REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -withdraw STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -withdraw ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -withdraw SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -withdraw ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -withdraw MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -withdraw LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -withdraw RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -withdraw RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -retirar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -retirar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retirar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -retirar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -retirar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -retirar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -retirar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -retirar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retirar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -retirar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -retirar RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -retirar RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -retirar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -retirar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -suspender FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -suspender STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -suspender HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -suspender SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -suspender FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -suspender FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -retire SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -retire STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retire DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -retire MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retire DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -retire RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -retire RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -retire DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -revelar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -revelar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -revelar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -revelar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -revelar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -revelar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -revelar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -revelar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -adjudge DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -declare DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -declare RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -declare AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -declare SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -declare BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -estimar TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -estimar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -estimar CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -estimar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -estimar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -estimar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -estimar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -estimar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -estimar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -estimar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -declarar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -declarar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -declarar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -declarar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -declarar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -declarar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -declarar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -declarar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -declarar BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -declarar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -declarar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -declarar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -juzgar CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -juzgar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -juzgar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -juzgar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -juzgar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -juzgar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -juzgar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -adjudicate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -adjudicate FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -judge SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -judge DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -judge CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -enjuiciar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -enjuiciar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -juger SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -instruir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -instruir SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -instruir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instruir ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -instruir TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -try HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -try TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -try SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -try ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -try SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -try VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -try SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -solventar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -solventar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -résoudre DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -résoudre FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -résoudre SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -décider DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -décider FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -resolver DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -resolver FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -resolver DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -resolver AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -resolver SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -resolver SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -arrêter REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -arrêter STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -arrêter FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -dirimir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -dirimir STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -resolve DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -resolve COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -resolve FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -resolve AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -resolve SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -resolve SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -solucionar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -solucionar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -solucionar SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -solucionar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -decide DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -decide FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -decide PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -decide INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -se_décider FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -decidir DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -decidir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -decidir CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -decidir INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -decidir VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -decidir SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -settle FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -settle FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -settle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -settle DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -settle LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -settle HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -settle CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -settle SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -settle PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -settle ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -settle SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -settle STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -adjure ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -adjure ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -ordenar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ordenar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -ordenar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -ordenar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -ordenar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -ordenar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -ordenar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -ordenar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -ordenar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -ordenar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -ordenar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -conjurar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -conjurar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -conjurar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -prier SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -prier ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -requerir MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -requerir REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -requerir SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -requerir ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -requerir ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -implorar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -supplier ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -implorer ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -bid ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -bid OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -bid TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -bid REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -suplicar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -suplicar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -suplicar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -pedir ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -pedir RESERVE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -pedir REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -press EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -press RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -press WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -press BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -press ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -press PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -press GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -press OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -rogar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rogar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -adjurar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -entreat ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -conjure CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -conjure ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -conjure ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -beseech ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -ajuster ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -corregir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -corregir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -corregir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -corregir REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -corregir ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -corregir VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -corregir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -correct PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -correct HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -correct REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -correct PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -correct ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -correct REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -adecuar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -adecuar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -adecuar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -adecuar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -adecuar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -colocar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -colocar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -colocar LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -colocar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -colocar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -colocar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -colocar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -colocar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -set DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -set PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -set REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -set REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -set INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -set EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -set ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -set PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -set LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -set MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -set BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -set GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -set SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -set OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -set ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -set BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -set CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -set CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -set HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -set DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -set CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -set DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -set PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -arreglar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -arreglar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -arreglar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -arreglar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -arreglar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -arreglar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -arreglar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -arreglar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -arreglar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -arreglar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -arreglar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -arreglar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -arreglar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -arreglar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -aline SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -align ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -align FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -align SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -line_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -line_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -line_up FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -line_up SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -aligner SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -alinear ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -alinear FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -alinear SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -admeasure CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -dispense GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dispense EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dispensar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -dispensar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dispensar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dispensar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -dispensar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -dispensar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -dispensar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dispensar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -dispensar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -administer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -administer LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -administer COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -administer MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -administrar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -administrar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -administrar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -administrar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -administrer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -administrer MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -administrate LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -gestionar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -gestionar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -gestionar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -deal_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dish_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -distribuir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -distribuir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -distribuir SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -distribuir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -distribuir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -distribuer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -repartir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -repartir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -repartir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -repartir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -dole_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -mete_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -shell_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -parcel_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -asignar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -asignar HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -asignar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -asignar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -asignar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -asignar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -asignar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -distribute EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -distribute COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -distribute SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -distribute GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -distribute CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -lot GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -lot SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -respetar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -look_up_to LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -admire LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -admirar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -admirar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -admirer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -contemplar TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -contemplar CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -contemplar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -contemplar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -contemplar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -contemplar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -contemplar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -contemplar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -integrar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -integrar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -integrar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -integrar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -integrar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -integrar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -integrar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -integrar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -integrar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -integrar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -integrar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -integrar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -let_in AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -incluir TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -incluir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -incluir INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -incluir ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -incluir INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -englobar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -englobar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -englobar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -include AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -include ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -include INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -dar_salida ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -allow_in AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -intromit AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -dar_entrada AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -allow LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -allow TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -allow RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -allow AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -allow LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -allow GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -permitir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -permitir ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -permitir TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -permitir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -permitir LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -combinar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -combinar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -combinar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -combinar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -admix COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -discourage OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -discourage WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -discourage CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -amonestar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -amonestar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -amonestar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -amonestar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -admonish WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -admonish PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -monish WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -avisar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -avisar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -avisar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -warn ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -warn WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -prevenir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -prevenir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -prevenir OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -prevenir WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -prevenir UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -réprimander REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -réprimander WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -reprobar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reprobar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -reprobar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -reprobar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -reprobar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -reprove PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -reñir FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -reñir REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reñir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -reñir QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -reñir PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -caution WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -reprender CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -reprender REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reprender WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -adolesce DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -balayer FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -balayer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -embrace TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -embrace FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -embrace INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -adherirse_a FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -sweep_up FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -sweep_up OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -espouse FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -espouse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -abrazar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -abrazar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -abrazar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -abrazar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -abrazar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -ahijar CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -adopter CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -adopter LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -dramatise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dramatise EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -dramatizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dramatize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dramatize EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -investir ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -investir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -investir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -investir LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -borrow LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -borrow TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -apropiarse LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -apropiarse TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -apropiarse CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -apropiarse STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -s'approprier LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -reprendre LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -reprendre REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -reprendre CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -épouser LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -épouser ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -adorar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -adorar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -adorar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -adore LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -adorer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -adorn ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -adorn EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -beautify EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ornar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -grace EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -deck KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -deck EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -adornar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -adornar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -decorar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ornamentar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -decorate APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -decorate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -embellish EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -clothe ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -clothe DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -clothe COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -invertir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -invertir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -invertir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -invertir INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -invertir LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -invertir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -invertir BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -invertir ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -invertir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -invest ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -invest AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -invest LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -aliñar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -aliñar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -aliñar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -embellecer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ornament EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -orner EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -adsorb ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -adsorber ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -encenser FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -adular FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -lécher_le_cul FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -flatter FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -lécher FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -lécher TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -adulate FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -aduler FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -lécher_les_bottes FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -faire_de_la_lèche FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -stretch INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -stretch COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -stretch LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -stretch DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -stretch EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -load LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -load TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -load FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -load DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -dilute DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -dilute WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -adulterar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -adulterar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -adulterar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -debase DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -adulterate DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -diluir COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -diluir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -diluir DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -diluir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -diluir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -sugerir AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sugerir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sugerir IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -sugerir PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -insinuate ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -insinuate PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -intimate IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -intimate PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -insinuar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -insinuar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -insinuar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -dar_a_entender PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -insinuer ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -insinuer PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -adumbrate SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -adumbrate PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -bosquejar PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -bosquejar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -bosquejar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -bosquejar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -bosquejar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -bosquejar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -outline PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -outline CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -outline SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -perfilar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -perfilar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -perfilar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -perfilar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -esquisser SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -delinear SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -delinear REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -delinear SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -delinear SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -delinear PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -résumer SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -sintetizar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -sintetizar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -sintetizar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -esbozar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -esbozar PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -esbozar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -synthétiser CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -synthétiser HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -synthétiser SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -esquematizar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -esquematizar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -esquematizar PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -esquematizar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -sketch SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -adelantarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -adelantarse OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -adelantarse MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -advance PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -advance PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -advance MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -advance AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -advance INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -advance PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -advance GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -bring_forward MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bring_forward PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -adelantar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -adelantar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -adelantar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -adelantar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -anticipar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -anticipar PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -anticipar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -anticipar REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -anticipar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -anticipar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -anticipar WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -anticipar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -anticipar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -anticipar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -proponer REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -proponer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -proponer PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -proponer ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -proponer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -throw_out PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -throw_out REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -throw_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -throw_out DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -throw_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -exponer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -exponer REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -exponer ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -exponer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -exponer AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -exponer PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -exponer PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -avancer PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -propugnar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -propugnar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -avanzar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -avanzar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -avanzar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -avanzar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -avanzar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -avanzar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -make_headway AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -internarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -internarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pull_ahead AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -gain_ground AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -get_ahead AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -avanzarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -avanzarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -go_on CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -go_on START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -go_on HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -go_on SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -go_on GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pass_on GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pass_on ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -pass_on INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -pass_on GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -progress AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -progress INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -progress GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -march_on GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -adentrarse HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -adentrarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -adentrarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -move_on GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -promover PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -promover INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -promover PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -raise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -raise DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -raise PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -raise MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -raise FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -raise MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -raise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -raise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -raise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -raise PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -raise PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -raise GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -raise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -raise COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -raise BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -raise ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -raise GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -raise RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ascender PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -ascender MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -ascender INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ascender AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -ascender RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -kick_upstairs PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -upgrade MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -upgrade AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -upgrade PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -promouvoir PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -promouvoir PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -elevate RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -elevate PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -elevate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -promote PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -promote INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -promote PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -promote AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -développer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -développer AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -fomentar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -fomentar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -fomentar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -impulsar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -impulsar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -impulsar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -impulsar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -impulsar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -impulsar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -impulsar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -impulsar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -impulsar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -impulsar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -impulsar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -impulsar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -impulsar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -encourager INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -further INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -animar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -animar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -animar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -animar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -animar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -animar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -animar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -animar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -animar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -animar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -animar EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -encourage FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -encourage INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -encourage INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -boost INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -boost STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -boost MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -incentivar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -incentivar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -incentivar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -incentivar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -incentivar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -auspiciar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -auspiciar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -auspiciar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -auspiciar ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -favorecer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -favorecer HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -favorecer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -favorecer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -favorecer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -favorecer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -estimular CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -estimular AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -estimular SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -estimular INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -estimular INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -potenciar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -potenciar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -supercharge INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pagar_por_adelantado PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -prépayer PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -set_ahead MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -get_on TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -get_on DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -get_on BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -get_on LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -get_on CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -get_on AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -progresar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -progresar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -get_along BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -get_along RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -get_along AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -come_along AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -come_along APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -come_on LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -come_on AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -come_on APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -come_on START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -come_on GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -shape_up AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -beneficiar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -beneficiar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -beneficiar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -dar_ventaja BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -advantage BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -advect DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -run_a_risk BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -chance FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -chance BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -chance HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -hazard RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -hazard GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -hazard BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -aventurarse RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -aventurarse BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -gamble PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -gamble BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -apostar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -apostar WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -apostar BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -apostar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -apostar RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -apostar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -apostar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -arriesgarse RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -arriesgarse BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -poner_en_peligro RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -poner_en_peligro ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -poner_en_peligro BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -take_a_chance BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -aventurar RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -aventurar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -aventurar BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -risk RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -risk BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -correr_un_riesgo BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -adventure RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -adventure BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -arriesgar RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -arriesgar ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -arriesgar BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -take_chances BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -jeopardize RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -jeopardize ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -stake RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -stake SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -stake KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -stake BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -stake SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -venture RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -venture GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -allude CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -advert CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -advert ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -referirse REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -referirse CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -aludir CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -aludir DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -referir REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -referir CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -referir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -referir SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -bring_up DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -bring_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bring_up PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -bring_up CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -bring_up CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -bring_up START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -bring_up PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -bring_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -refer REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -refer SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -refer MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -refer NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -refer CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -refer SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -refer SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -citar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -citar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -citar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -citar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -citar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -citar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -mentionner CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mentionner SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -nombrar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -nombrar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -nombrar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -nombrar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -nombrar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -nombrar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -nombrar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -mentar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -name NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -name CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -name ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -name SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -name ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -name RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -mencionar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mencionar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -mencionar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mencionar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mention CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mention SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mention APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -attend MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -attend ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -attend COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -attend WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -give_ear ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -prestar_atención ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -prestar_atención FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -pay_heed ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -atender MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -atender HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -atender HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -atender WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -atender SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -atender REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -atender REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -atender ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -atender FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -atender HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -hang FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -hang SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -hang STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hang HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -hang CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -hang BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -hang KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -hang LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -hang ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -hang PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -prestar_oído ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -escuchar_atentamente ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -anunciar WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -anunciar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -anunciar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -anunciar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -anunciar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -anunciar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -anunciar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -hacer_saber SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -publicise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -publicitar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -publicitar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -advertize PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -advertize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -advertise PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -advertise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -publicize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -promocionar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -push DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -push TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -push PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -push WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -push MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -push SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -push PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -push PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -annoncer PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -annoncer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aconsejar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -aconsejar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -rede WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -rede INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -dar_consejos WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -notificar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -notificar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -notificar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -notificar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -conseiller WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -conseiller PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -renseigner WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -asesorar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -counsel WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -advise INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -advise WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -advise PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -proposer PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -suggérer IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -suggérer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -suggérer PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -propose ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -propose PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -propose REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -suggest AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -suggest SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -suggest IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -suggest PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -apercibir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -apercibir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -send_word INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -aviser INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -notify INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -apprize INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -apprize INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -give_notice INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -give_notice DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -noticiar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -informer INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -participar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -participar COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -participar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -participar SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -participar PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -apprise INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -apprise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -instar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -instar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -instar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -instar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -recommend APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -recommend EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -recommend PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -urge INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -urge OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -urge PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -advocate FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -advocate PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -exhortar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -exhortar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -exhortar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -abogar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -abogar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -abogar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -recomendar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -recomendar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -recomendar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -recomendar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -preconizar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -preach FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -preach TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -predicar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -predicar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sermonear FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -sermonear TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -air TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -air SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -air AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -divulgar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -divulgar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -divulgar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -divulgar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -divulgar AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -divulgar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -divulgar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -airear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -airear COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -airear AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -orear AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -ventilar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -ventilar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ventilar AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -air_out AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -ventiler AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -aérer AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -oxigenar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -oxigenar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -oxigenar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -oxygenise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -oxygenise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -oxygenise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -oxygenate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -oxygenize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -oxygenize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -oxygenize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -evaporar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vaporizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vaporizar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -gasificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -aerify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -gasify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vaporize DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -vaporize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vaporize KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -vaporise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -aerosolize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -aerosolize CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -convertir_en_aerosol COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -aerosolise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -aerosolise CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -pulverizar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pulverizar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -pulverizar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -pulverizar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -estivar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -aestivate SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -estivate SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -aparentar SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -aparentar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -aparentar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -aparentar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -afectar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -afectar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -afectar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -afectar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -afectar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -faire_semblant_de DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -affect DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -affect AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -affect SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -feign SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -feign DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -sham SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -sham DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -repercutir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -repercutir AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -repercutir REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -repercutir SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -impact AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -impact PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -impactar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -impactar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -bear_on REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -bear_on PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -bear_on AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -bear_on PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -touch_on REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -touch_on REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -touch_on AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -touch_on DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -conmover CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -conmover AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -conmover SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -bear_upon AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -impress REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -impress CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -impress PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -impress COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -impress TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -impress SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -strike CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -strike MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -strike BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -strike PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -strike MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -strike SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -strike CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -strike DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -strike ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -strike CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -strike FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -strike HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -strike OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -strike FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -strike HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -strike AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -strike SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -strike FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -impresionar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -impresionar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -impresionar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -impresionar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -involve CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -involve REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -involve IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -involve COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -involve CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -involve AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -involve INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -comprometer ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -comprometer FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -comprometer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -comprometer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -comprometer AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -comprometer SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -regard INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -regard AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -regard SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -implicar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -implicar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -implicar CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -implicar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -implicar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -implicar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -involucrar CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -involucrar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -involucrar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -involucrar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -desposar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -prometerse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -plight GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -plight ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -betroth ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -comprometerse GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -comprometerse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -comprometerse SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -contraer_esponsales ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -affiance ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -associate CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -associate ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -associate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -affiliate ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -affiliate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -affilier ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -affilier ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -relacionar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -relacionar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -relacionar ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -relacionar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -afiliar ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -afiliar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -assort SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -assort ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -afiliarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -afirmar TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -afirmar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -afirmar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -afirmar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -afirmar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -afirmar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -affirm PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -affirm AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -ratificar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -ratificar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -ratificar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -ratificar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -ratificar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -confirm AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -confirm FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -confirm PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -confirm PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -confirm STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -comprobar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -comprobar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -comprobar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -comprobar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -comprobar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -comprobar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -comprobar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -comprobar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -comprobar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -comprobar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -revalidar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -constatar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -constatar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -constatar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -confirmar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -confirmar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -confirmar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -confirmar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -confirmar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -confirmar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -confirmar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -confirmar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -corroborar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -corroborar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -corroborar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -reafirmar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -reafirmar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -reafirmar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -sustain HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sustain UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sustain NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -sustain AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -sustain STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -sustain PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -sustain EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -corroborate STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -corroborate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -swear AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -swear DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -swear OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -swear RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -swear GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -certificar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -certificar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -certificar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -certificar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -certificar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -certificar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -certificar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -testimoniar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -testimoniar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -testimoniar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -testimoniar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -atestar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -atestar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -atestar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -atestar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -atestar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -atestar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -atestar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -témoigner AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -témoigner DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -témoigner SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -témoigner PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -témoigner VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -témoigner GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -aver AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -assert DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -assert AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -verificar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -verificar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -verificar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -verify VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -verify AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -jurar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -jurar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -jurar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -jurar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -jurar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -asegurar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -asegurar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -asegurar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -asegurar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -asegurar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -asegurar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -asegurar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -asegurar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -asegurar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -aseverar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -avow RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -avow AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -garantizar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -garantizar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -garantizar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -garantizar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -swan TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -swan AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -stick_on ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -stick_on COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -afijarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -tourmenter HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -atormentar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -atormentar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -atormentar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -atormentar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -atormentar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -afflict HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -afligir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -afligir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -afligir PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -smite CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -smite HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -smite HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -permitirse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -afford EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -afford CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -afford ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -regatear EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -regatear NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -regatear QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -escatimar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -escatimar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -escatimar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -escatimar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -permettre EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -permettre LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -dar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -dar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -dar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -dar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -dar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -dar APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -dar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -dar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -dar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -dar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -dar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -dar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -dar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -dar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dar ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -dar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -dar GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -dar DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -dar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -give SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -give MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -give PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -give BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -give PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -give CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -give PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -give GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -give CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -give APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -give INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -give OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -give NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -give THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -give PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -give MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -give HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -give CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -give SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -give FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -give ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -give CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -give BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -give HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -give GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -give ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -give FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -open LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -open OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -open PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -open BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -open EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -open ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -open OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -yield PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -yield GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -yield MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -yield BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -yield AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -yield FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -yield CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -yield GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -yield GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -proporcionar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -proporcionar REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -proporcionar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -proporcionar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -proporcionar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -donner AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -donner GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -donner CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -arbolar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -forest GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -afforest GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -arborizar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -affranchise LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -libertar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -libertar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -franquear LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -franquear PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -franquear EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -franquear PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -manumitir LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -inhabilitar_para_votar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -inhabilitar_para_votar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -enfranchise LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -enfranchise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -affright CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -scare CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fright CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -espantar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -espantar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -espantar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -frighten CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -frighten DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -asustar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -asustar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -asustar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -atemorizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -atemorizar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -atemorizar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -amedrentar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -insultar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -insultar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -insultar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -insultar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -insult OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -affront OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -ofender OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -ofender VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -ofender HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ofender CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ultrajar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -agraviar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -agraviar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -afrentar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -afrentar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -diss OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -aviejarse DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -envejecerse DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -envejecer DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -envejecer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -aviejar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -age DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -maturate DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -maturate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -senesce DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -mature DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -mature PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -mature GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -mature AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -mature EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -madurar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -madurar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -vieillir DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -agenize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -agenise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -aglomerar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -aglomerar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -agglomerate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -agglomérer AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -aglomerarse AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -agglutinate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -agglutinate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -aglutinar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -aglutinar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -aggrade INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -aggrandize EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -blow_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -blow_up EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -blow_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -blow_up FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -blow_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -embroider EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -aggrandise EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -lard COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -lard EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -pad MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pad FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -pad EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -meter_paja EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -echarle_teatro EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -hinchar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -hinchar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hinchar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -hinchar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -empirer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -worsen WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -exacerbar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -exacerbar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -empeorar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -empeorar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -aggravate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -aggravate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exasperate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -exasperate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -recrudecer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -agravar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -agravar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -agravar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -agravar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aggraver WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -exacerbate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -exacerbate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exacerber WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -exacerber INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -irritar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -irritar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -irritar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -irritar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -irritar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -encolerizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deseperar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -combine EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -combine COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -combine HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -combine AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -aggregate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -agréger AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -attack FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -attack ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -attack AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -attack CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -arremeter BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -arremeter ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -arremeter RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -agreder ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -atacar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -atacar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -atacar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -atacar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -aggress ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -dañar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dañar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -dañar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -dañar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -aggrieve CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aggrieve VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -acongojarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -afligirse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -apesadumbrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -apurarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -apurarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -apurarse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -apurarse THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -entristecerse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -grieve CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -agruparse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -agruparse SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -agruparse MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -agrupar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -agrupar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -agrupar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -agrupar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -aggroup GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -group GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -group SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -revolver SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -revolver CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -revolver AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -revolver FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -revolver MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -revolver CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -revolver MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -revolver ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -revolver TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -revolver RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -revolver INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -revolver RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -charge_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -turn_on CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -turn_on AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -turn_on IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -turn_on ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -turn_on ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -turn_on OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -emocionar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -emocionar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -emocionar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -agitar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -agitar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -agitar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -agitar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -agitar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -agitar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -agitar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -agitar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -agitar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -agitar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -agitar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -agitar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -commove CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -commove SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -excite CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -excite AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -excite INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -excite INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -excitar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -excitar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -excitar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -rouse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rouse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -rouse DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -agitate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -agitate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -agitate WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -agitate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -agitate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -agitate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -crusade ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -crusade WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -hacer_campaña COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -hacer_campaña ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -hacer_campaña WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -pulsar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pulsar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -pulsar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -pulsar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pulsar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -fight FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -fight TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -fight WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -fight RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -campaign COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -campaign ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -campaign WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -cruzar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -cruzar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -cruzar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -cruzar OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -cruzar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -cruzar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -cruzar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -raise_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -stir_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -stir_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -shake_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -shake_up MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -shake_up MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -shake_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -shake_up ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -molestar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -molestar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -molestar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -molestar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -molestar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -molestar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -disturb CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disturb HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -disturb SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -disturb VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -remover REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -remover MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -remover MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -remover CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -remover CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -remover SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -remover DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -vex CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -vex ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -vex SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -fomenter AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fomenter HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -mener_campagne AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -combatir FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -combatir AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -foment AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -foment HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -shift TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -shift MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -shift MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -shift CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -shift TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -shift REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -shift CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -shift CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -shift GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -agiter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -stir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stir AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -stir COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -stir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -stir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -stir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -sacudir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -sacudir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -sacudir THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sacudir TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sacudir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -sacudir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sacudir PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -remuer MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -remuer MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -moverse MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -moverse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -moverse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -moverse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -bouger MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bouger GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -budge MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -agitarse LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -agitarse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -mouvoir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -batir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -batir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -batir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -batir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -shake CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -shake MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -shake MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -shake ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -shake CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -shake LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -shake SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -temblar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -temblar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -temblar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -sacudirse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -sacudirse MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -sacudirse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sacudirse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -sacudirse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -sacudirse DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -sacudirse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -comprender EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -comprender SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -comprender KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -comprender BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -comprender PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -comprender UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -comprender INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -agnize UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -entender CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -entender KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -entender BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -entender HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -entender PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -entender UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -entender INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -agnise UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -agonizar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -agonise HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -agonize HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -atormentarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -convenir SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -convenir AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -convenir MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -convenir MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -convenir HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -estar_de_acuerdo AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -ponerse_de_acuerdo AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -pactar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -pactar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -pactar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -être_d'accord AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -concorder AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -aprobar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -aprobar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -aprobar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -aprobar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -aprobar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -aprobar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -aprobar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -aprobar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -coincidir OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -coincidir AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -coincidir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -coincidir MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -coincidir ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -coincidir GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -concur AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -concur HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -se_mettre_d'accord AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -avenirse AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -correspondre MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -correspondre COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -gibe MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -gibe LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -correspond MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -correspond CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -correspond COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -correspond REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -jibe MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -jibe TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -igualar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -igualar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ser_igual_a MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -check GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -check STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -check GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -check DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -check ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -check TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -check MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -check BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -check REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -check WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -check DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -check PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -check VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -check HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -check REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -check SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -match LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -match FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -match SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -match JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -match MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -match ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -corresponder REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -corresponder SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -corresponder LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -corresponder MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -corresponder COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -corresponder GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -corresponder INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -parecer MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -parecer PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -parecer APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -parecer SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -auxiliar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -assister ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -assister HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -ayudar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -ayudar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -ayudar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -ayudar SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -aider HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -help HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -help ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -help AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -help USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -help NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -help SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -socorrer HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -assist FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -assist HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -assist WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -aid HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -asistir FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -asistir ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -asistir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -asistir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -mejorar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -mejorar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -mejorar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -mejorar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -mejorar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -ayuda HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -auxilio HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -subvenir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -estar_enfermo UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -estar_enfermo CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -adolecer CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -estar_indispuesto CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -ail HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ail CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -pain CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pain HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -trouble CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -trouble HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -trouble THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -aim SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aim DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -aim REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -drive SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -drive EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -drive REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -drive CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -drive PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -drive MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -drive TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -drive WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -drive THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -drive CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -drive HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -drive MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -drive OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -drive DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -drive DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -drive PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -drive OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -apuntar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -apuntar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -apuntar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -apuntar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -apuntar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -apuntar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -apuntar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -apuntar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -apuntar HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -apuntar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -aspire REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -draw_a_bead_on DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -draw_a_bead_on REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -aspirar ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -aspirar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -aspirar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -aspirar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -aspirar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -aspirar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -aspirar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -aspirar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -shoot_for REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -target DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -point EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -point SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -point REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -point WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -point DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -point ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -point SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -place PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -place BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -place SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -place CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -place FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -place LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -place WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -place DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -place ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -place PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -place RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -place SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -place RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -educar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -educar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -educar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -educar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -educar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -train TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -train GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -train AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -train MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -train PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -train PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -train STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -train DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -train TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -take_aim DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -entrenar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -entrenar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -entrenar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -entrenar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -entrenar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -entrenar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -viser AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -viser LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -viser DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -capacitar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -capacitar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -capacitar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -capacitar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -capacitar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -capacitar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -capacitar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -purport SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -purport REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -purpose DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -purpose REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -transmit TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -transmit HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -transmit CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -radiar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -radiar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -radiar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -send TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -send CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -send SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -send AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -send DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -send PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -diffuser TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -diffuser CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -emitir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -emitir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -emitir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -emitir RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -emitir EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -emitir PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -emitir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -emitir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -transmitir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -transmitir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -transmitir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -transmitir CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -transmitir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -transmitir SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -transmitir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -transmitir ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -transmitir DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -transmitir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -transmitir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -difundir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -difundir OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -difundir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -difundir SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -difundir ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -difundir SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -difundir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -retransmitir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -retransmitir OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -broadcast TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -broadcast COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -broadcast CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -beam TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -beam LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -beam LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -beam ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -beam COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -trasmitir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -trasmitir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -trasmitir SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -bare REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bare SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -bare SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -vent SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -vent AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -ventilate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -ventilate AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -climatiser LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -climatiser AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -air-condition LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -air-condition AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -air-cool LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -air-drop DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -air-freight CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -airfreight CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -air-ship CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -air-slake CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -aerografiar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -airbrush PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -airlift CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -airmail CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -redirigir DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -redireccionar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -airt DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -redirect DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -appall CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -horrorizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alarmar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alarmar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -dismay CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -appal CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alarm CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alarm WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -atterrer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -horripilar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -horrify CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alert WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -alertar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -alertar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -alchemize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -alchemise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -alcooliser CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alcooliser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alcooliser TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -alcoholise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alcoholise TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -alcoholize CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alcoholize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alcoholize TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -alcoholizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -presentar_una_coartada EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -alibi EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -alien CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -alien AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -aliéner CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -aliéner CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aliéner AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -alienate CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -alienate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alienate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -enajenar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enajenar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -enajenar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -estrange REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -estrange AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -alienar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -alienar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alienar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -disaffect AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -climb_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -apearse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -alight FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -alight LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -perch PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -perch LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -encaramarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -encaramarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -light FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -light BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -light LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -light BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -light LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -light ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -posarse ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -posarse ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -posarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -posarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -alinearse ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -alinearse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -s'aligner ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -coordinate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -coordinate MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -coordinate MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -coordinate ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -coordinar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -coordinar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -coordinar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -coordinar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -coordinar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -ordinate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -ordinate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -ordonnée ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -ordonnée ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -ingresar ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -ingresar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -ingresar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -ingresar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -ingresar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -ingresar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -ingresar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -array FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -array SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -nourish NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -dar_el_sustento NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -nutrir NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -nutrir INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -nutrify NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -aliment NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -alimentar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alimentar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -alimentar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -alimentar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -alimentar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -alimentar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -alimentar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -alimentar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -alimentar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -alimentar FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -alkalify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alkalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alkalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alcalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -basify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alcalinizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alkalinise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -alkalinize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -tranquilizar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -tranquilizar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -tranquilizar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -ease HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -ease SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -ease MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -ease GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -disipar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -disipar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -disipar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -disipar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -disipar EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -disipar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -disipar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -tranquiliser MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -adoucir MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -adoucir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -laxar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -laxar SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -laxar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -calmer MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -aliviar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -aliviar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -aliviar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -aliviar SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -aliviar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -relieve HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -relieve EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -relieve MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -relieve SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -relieve STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -détendre MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -calmar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -calmar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -calmar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -calmar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -calmar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -calmar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -calmar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -calmar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -salvar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -salvar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -salvar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -salvar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -salvar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -salvar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -salvar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -modérer MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -apaciguar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -apaciguar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -apaciguar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -apaciguar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -apaciguar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -apaciguar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -aquietar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aquietar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -allay SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -allay MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -still MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -still STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -still MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -apaiser MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -quench RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -quench COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -quench SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -quench SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -quench SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -quench REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -suavizar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -suavizar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -suavizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -suavizar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -suavizar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -suavizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -suavizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -suavizar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -suavizar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -suavizar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -suavizar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -apagar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -apagar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -apagar SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -apagar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -apagar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -apagar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -apagar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -assuage SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -assuage MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -assuage HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -aplacar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -aplacar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -aplacar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -aplacar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -aplacar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -saciar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -saciar FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -remojar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -remojar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -remojar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -sentenciar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -sentenciar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -sentenciar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sentenciar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -sentenciar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -sentenciar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -decir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -decir REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -decir REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -decir AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -decir MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -decir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -decir CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -decir PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -decir KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -decir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -decir ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -decir PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -say SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -say REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -say MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -say AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -say CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -say DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -say SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -say ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -say PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -say SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -alegar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -alegar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -allege AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -alegorizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -alegorizar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -allegorize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -allegorize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -allégoriser REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -allégoriser INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -allegorise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -allegorise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -facilitate SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -facilitar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -facilitar SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -facilitar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -facilitar REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -faciliter SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -faciliter INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -alleviate SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -alleviate HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -aflojarse SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -aflojarse UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -soulager HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -palliate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -palliate HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -pallier REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -pallier HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -paliar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -paliar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -paliar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -agrietarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -agrietarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -alligator BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -aliterar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -alliterate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -apportion GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -apportion SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -allocate GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -assign EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -assign ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -assign ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -assign SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -assign ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -assign GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -portion GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -countenance AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -permit AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -permit LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -dar_permiso AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -let MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -let LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -let AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -let CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -let LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -let LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -sancionar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -sancionar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -take_into_account TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -tomar_en_cuenta TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -considerar TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -considerar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -considerar CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -considerar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -considerar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -considerar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -considerar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -considerar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -prever GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -prever TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -prever REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -prever SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -prever IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -prever SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -prever UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -appropriate RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -appropriate STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -reserve RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -reserve RESERVE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -earmark RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -reservar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -reservar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -reservar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -reservar RESERVE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -allouer RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -apartar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -apartar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -apartar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -apartar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -apartar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -apartar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -apartar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -apartar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -set_aside STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -set_aside RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -provide LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -provide EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -provide DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -provide PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -provide ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -provide LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -allow_for LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -leave INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -leave LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -leave LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -leave LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -leave GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -leave RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -autoriser LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -autoriser AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -descontar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descontar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -descontar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -descontar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -descontar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -descontar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -descontar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -allowance RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -aliar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -aliar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -alear COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -alloy COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -alloy DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -envilecer DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -envilecer DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -attirer LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -attirer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -attirer ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -tentar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -tentar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -tentar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -tentar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tentar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -tentar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -allure LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -cautivar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cautivar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -cautivar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cautivar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -tempt AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -tempt LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -tempt PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -tempt TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -aliarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -emparentarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -ally ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -ally_with ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -alphabetise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -alfabetizar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -alfabetizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -alphabetize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -alphabetize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -classer_par_ordre_alphabétique SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -classer_par_ordre_alphabétique REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -modify ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -modify ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -modify CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -modifier CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -change REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -change DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -change CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -change DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -change UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -change REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -change CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -change CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -cambiar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cambiar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -cambiar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -cambiar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -cambiar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -cambiar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -cambiar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cambiar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -cambiar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -cambiar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -changer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -changer UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -changer CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -alter DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -alter CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -alter DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -alter CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -mudar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -mudar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -mudar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -mudar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -mudar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -modificar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -modificar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -modificar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -alterar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alterar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -alterar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -alterar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -alterar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -alterar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -alterar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -alterar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -alterar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -alterar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -retocar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -retocar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -retocar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -variar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -variar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -variar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -variar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -variar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transformar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -transformar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transformar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -transformar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -transformar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transformar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transformar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -castrar CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -castrar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -castrate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -castrate CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -castrate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -neuter CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -esterilizar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -esterilizar CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -esterilizar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -spay CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -vary CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -vary DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -interpolar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -interpolar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -interpolar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -falsify PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -falsify DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -falsify FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -falsify REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -interpolate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -interpolate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -disputer QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -argufy QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -altercar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -altercar QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -altercar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -altercar ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -discutirse QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -dispute FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -dispute QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -se_bagarrer FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -se_bagarrer QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -altercate QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -scrap DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -scrap QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -scrap DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -se_chamailler QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -se_quereller QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -se_disputer QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -quarrel QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -disputar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -disputar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -disputar QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -disputar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -se_battre FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -se_battre QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -pelearse ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -pelearse QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -jump FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -jump EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -jump ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -jump MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -jump AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -jump ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -jump INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -jump START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -jump CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -jump JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -jump LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -jump PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -jump GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -alternate INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -alternate ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -alternate WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -alternar INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -alternar ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -alternar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -alterner ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -saltar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -saltar ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -saltar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -saltar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -saltar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -saltar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -saltar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -saltar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -saltar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -saltar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -saltar JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -saltar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -suplantar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -suplantar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -understudy WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -switch CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -switch HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -switch REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -switch OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -switch CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -switch INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -tack TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -tack MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -tack SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -tack ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -tack INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -flip CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flip MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -flip MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -flip THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -flip ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -flip ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -flip OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -flip INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -flip-flop INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -interchange INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -interchange REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -take_turns ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -aluminise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -aluminize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -mingle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mingle COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mingle PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -mixturar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mixturar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -cohesionar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -cohesionar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -fusionar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fusionar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -fusionar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -fusionar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -amalgamar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unificar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unificar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -commix COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mix EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -mix COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mix MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mix HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -mix ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -amalgamate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unify COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unify ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -beat SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -beat CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -beat MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -beat EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -beat MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -beat MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -beat CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -beat LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -beat HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -beat DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -beat PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -beat OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -beat STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -mystify CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -mystify COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -nonplus CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -baffle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -baffle PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -baffle ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -asombrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flummox CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -amaze CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sorprender CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sorprender ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -sorprender FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -dumbfound CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stupefy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pose BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -pose CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pose WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -pose CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -pose DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pose PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -bewilder CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -puzzle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -puzzle THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -gravel CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -gravel COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -perplex CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perplex COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -incomodar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -astound CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -astonish CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -maravillar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stupéfier CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pasmar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pasmar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ambition PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -ambicionar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -ambicionar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -pasearse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pasearse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -pasearse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -amble MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -mosey MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -deambular TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -deambular MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -andar_sin_prisa MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pasear CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -pasear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pasear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pasear ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -pasear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ambulate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -se_tapir ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bushwhack EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -bushwhack ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bushwhack TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -scupper ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -scupper ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -waylay ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -lie_in_wait ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -ambuscade ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -lurk PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -lurk ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -lurk CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -esconderse ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -esconderse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -emboscar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -emboscar HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ambush ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -ambush HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cazar_al_acecho HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -still-hunt HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -amend ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -amend AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -meliorate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -meliorate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -better AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -better INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -perfeccionar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -improve AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -improve INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ameliorar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -enriquecer AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -enriquecer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -ameliorate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -ameliorate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -rectificar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -rectificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -rectificar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -remediate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -rectifier ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -remediar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -remediar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -remediar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -remedy ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -remedy HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -repair AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -repair PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -repair REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -repair ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -repair GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -rectify HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -rectify CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -rectify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -rectify AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rectify ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -reformar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -reformar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -reformar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -reformar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -reformar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -amerce PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -imponer_un_castigo PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -americanise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -américaniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -americanizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -americanize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -ammoniate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ammonify TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -amnistiar PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -amnesty PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -amortise PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -amortizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -amortizar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -amortize PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -amplify INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ampliar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ampliar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -ampliar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -exagerar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -overstate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -magnify INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -magnificar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -magnificar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -exaggerate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hyperbolise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hyperbolize INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -overdraw REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -overdraw INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -expandir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -expandir INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -expandir GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -expand INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -expand AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -ensanchar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ensanchar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -inflate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -inflate FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -amplificar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cut_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cut_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cut_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -amputar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -amputate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cercenar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -mochar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cortar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cortar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cortar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cortar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cortar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -cortar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -cortar DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -cortar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -cortar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -cortar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cortar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cortar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -cortar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -cortar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -cortar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -cortar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -cortar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -cortar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -amputer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -entretener CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -entretener LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -entretener ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -divertir BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -divertir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -divertir LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -amuse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -amuse LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -amuser CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -divert TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -divert CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -divert DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -divert MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -disport BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -disport CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -distraer ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -distraer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desviar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -desviar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desviar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -desviar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -desviar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desviar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -desviar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -desviar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -desviar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -anesthetize SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -put_out SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -put_out CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -put_out TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -put_out DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -put_out DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -put_out PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -put_out HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -put_out WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -put_out RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -put_out EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -anaesthetize SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -anestetizar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -anestesiar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -anestesiar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -anesthetise SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -anaesthetise SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -anesthésier SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -put_under SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -anagrammatise MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -anagrammatize MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -anagram MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -comparar COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -analogise COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -analogize COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -analyze ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -analizar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -analizar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -analizar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -analizar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -toile COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -toile ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -toile ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -study CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -study WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -study ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -study THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -study STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -analyser ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -observar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -observar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -observar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -observar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -observar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -observar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -observar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -observar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -observar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -explorar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -explorar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -explorar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -escudriñar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -escudriñar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -escudriñar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -inspeccionar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -inspeccionar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -inspeccionar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -canvas COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -canvas ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -canvas ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -analyse ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -examinar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -examinar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -examinar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -examinar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -examinar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -examinar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -examinar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -examinar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -examine VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -examine ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -examine TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -estudiar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -estudiar CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -estudiar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -estudiar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -estudiar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -estudiar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -canvass ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -canvass ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -dissect OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -dissect ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -break_down CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -break_down HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -break_down STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -break_down DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -break_down ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -break_down SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -break_down BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -take_apart ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -take_apart SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -take_apart DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -psicoanalizar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -psychoanalyze ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -psychoanalyse ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -anastomizarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -anastomizar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -aboucher COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -aboucher JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -anastomosarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -anastomose COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -anastomose JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -inosculate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -inosculate JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -maldecir OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -maldecir BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -damn BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -imprecate OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -imprecate BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -maledict BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -beshrew BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -curse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -curse DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -curse BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -bedamn BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -maldición BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -diseccionar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -diseccionar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -anatomizar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -anatomizar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -disséquer OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -disséquer ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -anatomise ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -anatomize ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -drop_anchor ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -anchor ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -anclar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -anclar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -cast_anchor ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -ground FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -ground RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -ground THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -ground COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ground JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -ground HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ground ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -ground LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -ground GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -ground PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -ground TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -ancylose CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -ancylose UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -anquilosar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -ankylose CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -ankylose UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -anquilosarse UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -inunct GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -anele GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -oindre GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -embrocate GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -oil GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -oil COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -anoint ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -anoint GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -ungir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -fâcher CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -anger CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -courroucer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -irriter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enojar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cabrear CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfadar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfadarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfurecerse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfurecerse CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -enojarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -encolerizarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -encolerizarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -see_red CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -angle SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -angle INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -angle INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -angle HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -angle GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pescar_con_caña HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -fish SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -fish HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -slant INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -slant LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -slant INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -inclinarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -inclinarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -inclinarse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -inclinarse INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -inclinarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -inclinarse INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -inclinarse DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -inclinarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -enfocar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -enfocar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -enfocar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -enfocar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -enfocar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -inclinar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -inclinar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -inclinar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -inclinar LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -inclinar INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -inclinar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -inclinar BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -inclinar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -inclinar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -weight BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -weight INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -prejuiciar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -prejuiciar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -torcer TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -torcer MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -torcer BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -torcer GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -torcer SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -lean BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -lean RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -lean INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -ladearse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ladearse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -ladearse INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -ladearse DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -tip REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tip MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tip INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -tip INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -tip HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tip PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -tip INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -tip GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -tip SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -ladear ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -ladear INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -ladear DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -tilt GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -tilt ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -tilt INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -angle-park PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -aparcar_en_ángulo PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -inglesan CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -anglicise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -anglicanizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -anglicize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -anguish CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -anguish HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -angustiar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -angustiar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -angulate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -speak_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -opine SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -opine BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -opinar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -opinar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -opinar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -animadvert SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -animadvert CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -speak_up SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sound_off PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sound_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -criticar,_censurar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -animalizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -animalise WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -animalise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -animalise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -animalize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -animalize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -animalize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -brutalise WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -brutalise TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -brutalise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -brutalizar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -brutalizar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -brutalize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -brutalize TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -brutalize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -recreate PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -recreate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -recreate INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -recreate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -revivify AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -reavivar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -reavivar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -reavivar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -reavivar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -revive AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -animate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -animate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -animate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vivify AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -reanimate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -reanimar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -reanimar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -reanimar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -reanimar COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -revivificar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -renovate REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -renovate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -renovate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -animise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -animize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vivificar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -avivar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -avivar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -avivar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -avivar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -avivar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -liven AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -enliven AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -enliven AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -invigorate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -invigorate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -liven_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -vigorizar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -vigorizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inspirar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inspirar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -inspirar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -inspirar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -inspirar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -inspirar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -inspirar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -revigorizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -revigorizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -exaltar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -exaltar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -exaltar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -exalt CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exalt AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -exalt APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -inspire PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -inspire AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -inspire TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -inspire INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -inspire INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -inspire BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -normalize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -normalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -normalize PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -recocer COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -recocer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -temper ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -temper CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -temper REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -temper PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -anneal PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -annex CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -annex ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -annexer CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -annexer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -hacerse_con CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -hacerse_con FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -anéantir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -diezmar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -eliminate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -eliminate PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -eliminate CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -eliminate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -eliminate DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -eliminate REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -eliminate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -eradicate CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -eradicate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -erradicar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -erradicar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -erradicar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -erradicar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -anihilar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -décimer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -aniquilar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -aniquilar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -decimate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -annihilate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -extinguish CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -extinguish FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -extinguish KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -extinguish RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -wipe_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -wipe_out CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -wipe_out KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -carry_off ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -carry_off CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -carry_off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -annoter EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -apostillar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -annotate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -footnote EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -anotar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -anotar SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -anotar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -anotar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -anotar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -anotar COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -acotar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -acotar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -acotar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -comment EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -comentar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -comentar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -comentar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -comentar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -glosar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -gloss EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -gloss JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -gloss WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -foretell SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -foretell GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -annunciate GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -presagiar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -presagiar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -presagiar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -announce DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -announce SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -announce GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -harbinger GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -vislumbrar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -vislumbrar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -vislumbrar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -vislumbrar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -dar_a_conocer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -dar_a_conocer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -proclamar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -proclamar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -proclamar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -poner_en_conocimiento SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -faire_connaître SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -promulguer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -professer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -faire_connaitre SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -denote SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -denote SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -denote MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -proclamer ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -proclamer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -manifestar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -manifestar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -manifestar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -manifestar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -manifestar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -manifestar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -manifestar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -get_to ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -get_to CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -get_to BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -importunar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -importunar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -chafe HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -chafe CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -chafe CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -chafe HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -chafe TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -irritate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -irritate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -irritate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -fastidiar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fastidiar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -fastidiar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -agobiar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -agobiar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -agobiar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -agobiar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -nettle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -nettle HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rag CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rag TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -rag REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -rag BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -rag OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -rag PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -nark CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -nark INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -annoy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -importuner CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -vejar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -devil CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -devil COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rile CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rile DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -bother CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bother THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -invalidate CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -invalidate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -nullify COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -nullify CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -nullify PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -eludir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -eludir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -eludir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -eludir DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -revocar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -revocar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -revocar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -invalider CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -avoid ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -avoid CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -annul CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -quash SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -quash CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -void EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -void EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -void CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -résilier CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -evitar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -evitar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -evitar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -evitar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -evitar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -evitar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -evitar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -invalidar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -invalidar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -invalidar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -invalidar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -invalidar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -invalidar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -rescind CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -reverse INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -reverse CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -reverse DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -overturn CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -overturn OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -overturn DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -overturn CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -overturn INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -overturn RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -rescindir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -rescindir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -repeal CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -supprimer CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -countermand CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -dar_una_contraorden CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -contradecir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -contradecir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -contradecir REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -contradecir OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -contradecir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -contradecir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -revoke CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -revoke FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -anodize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -anodizar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -anodise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -answer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -answer ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -answer SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -answer REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -answer SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -answer MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -answer ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -serve EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -serve HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -serve BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -serve WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -serve SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -serve NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -serve SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -serve HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -serve GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -suffice EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bastar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -répondre REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -répondre ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -replicar ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -replicar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -repetir PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -repetir ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -repetir REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -repetir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -reply ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -reaccionar ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -reaccionar REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -reaccionar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -reaccionar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -reaccionar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -contestar REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -contestar ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -contestar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -respond REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -respond ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -décrocher REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -décrocher_le_téléphone REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -comprendre SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -comprendre UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -resolverse SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -counteract DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -counteract COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -counteract OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -llevar_la_contra OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -antagonize FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -antagonize OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -antagonise FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -antagonise OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -contrarrestar ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -contrarrestar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -contrarrestar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -llevar_la_contraria OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -contrariar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -contrariar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -enemistar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -antagonizar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -cizañar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -ante BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -ante_up PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -pay PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -pay ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -pay THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -pay CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -pay GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pay RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -pay SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -pay_up PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -precede PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -antécéder PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -antecede PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -anteceder PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -forgo PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -forgo GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -antedate PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -predate HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -predate PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -précéder PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -forego PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -forego GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -preceder PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -antedatar PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -antedatar LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -foredate PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -retrotaer PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -anthologize GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -anthologise GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -hacer_una_antología GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -anthropomorphise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -antropomorfizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -anthropomorphize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -anthropomorphiser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -hacer_el_payaso BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hacer_bufonadas BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -payasear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -payasear JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -clown BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -antic BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -clown_around BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hacer_payasadas BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -counter REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -counter ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -forestall REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -forestall PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -anticiparse REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -anticipate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -anticipate REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -anticipate PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -anticipate GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -anticipate UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -prévoir REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -prévoir GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -foresee REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -foresee IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -foresee UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -esperar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -esperar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -esperar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -esperar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -esperar WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -esperar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -look_to CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -look_to FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -look_for SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -look_for CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -saber_de_antemano UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -foreknow UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -preveer GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -preveer UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -previse WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -previse UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -vaticinar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -vaticinar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -predict SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -predict GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -promise EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -promise GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -promise GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -augurar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -augurar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -augurar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -prédire GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -pronosticar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -pronosticar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -pronosticar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -prognosticate SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -prognosticate GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -pronostiquer GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -predecir SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -predecir GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -predecir DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -forebode GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -expect REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -expect GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -expect THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -expect WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -expect GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -antiquate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -antiquate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -antique BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -antique CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -anticuar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -convertir_en_antigüedad CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -buscar_antigüedades BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -antisepticize HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -esterilizar_con_antisépticos HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -desinfectar_con_antisépticos HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -caricature JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -ape JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -ape REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -caricaturizar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -caricaturizar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -singer JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -singer REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -remedar SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -remedar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -parodiar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -parodiar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -imitar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -imitar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -imitar SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -imitar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -aphorise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aphorize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -justificarse JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -apologise JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -apologize JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -s'excuser JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -excusarse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -excusarse JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -disculpar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -disculpar PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -racionalizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -racionalizar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -racionalizar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -rationalise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -rationalise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rationalise JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -rationalise THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -excuse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -excuse JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -excuse PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -excuse EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -disculparse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -disculparse JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -perdonar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -perdonar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -perdonar PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -excusar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -excusar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -excusar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -excusar PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -rationalize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -rationalize AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rationalize JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -rationalize THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -apostatise REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -tergiversate REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -tergiversate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -apostatize REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -apostatar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -apostrophise WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -apostrofar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -apostrophize WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -apotheose APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -idolatrar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -idolatrar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -glorificar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -apotheosize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -apotheosise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -deificar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -scandalize CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -shock CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -shock HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -shock UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -shock HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -shock GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -scandalise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -consternar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -chocar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -chocar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -chocar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -chocar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -chocar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -chocar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chocar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -chocar QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -chocar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -chocar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -indignar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -indignar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -choquer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -escandalizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -escandalizar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -épouvanter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -épouvanter DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -deshonrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deshonrar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -deshonrar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -offend OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -offend CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -offend HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -offend VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -outrage CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -outrage ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -outrage VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -fringuer DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -apparel DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -garb DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -garment DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -enclothe DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -habilitate DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -habilitate ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -vêtir DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -vêtir EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ataviar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -ataviar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -dress CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -dress DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -dress CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -dress PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -dress SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -dress EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -dress PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -dress ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -dress SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -habiller DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -vestir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -vestir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -vestir DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -vestir EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -vestir PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tog DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -raiment DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -fit_out DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -fit_out LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -attract LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -attract ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -apelar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -apelar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -apelar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -apelar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -apelar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -appeal FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -appeal REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -appeal CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -appeal LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -appeal ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -séduire LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -invoke CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -invoke CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -invoke ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -recurrir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -recurrir MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -recurrir REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -invocar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -invocar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -invocar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -comparecer ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -comparecer APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -appear PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -appear APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -appear SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -aparecer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -aparecer AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -aparecer BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -aparecer BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -aparecer APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -aparecer EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -aparecer PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -aparecer RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -aflorar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -aflorar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -aflorar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -asomar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -apparaître APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -apparaitre APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -seem SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -come_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -come_out REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -come_out APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -come_out SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -come_out EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -come_out PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -come_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -come_out CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -come_out RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -come_out BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -salir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -salir DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -salir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -salir REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -salir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -salir CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -salir APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -salir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -salir DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -salir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -salir EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -salir PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -salir COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -salir FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -salir MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -salir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -salir RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -salir SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -estrenarse PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -estrenarse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -personarse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -personarse AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -paraître FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -paraître SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -mirar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -mirar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -mirar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -mirar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -mirar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -mirar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -mirar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -mirar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -sembler FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -sembler SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -look SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -look TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -look MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -look FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -look RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -look SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -look ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -look WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -look SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -paraitre SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -propitiate BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -appease BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -appease MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -appease WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -quell SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -quell WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -gruntle MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -placate MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -lenify MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -mollify REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mollify MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -pacify ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -pacify MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -gentle ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -gentle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -gentle MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -pacificar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -pacificar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -sosegar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sosegar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sosegar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -tack_on ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -hang_on ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -hang_on WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -hang_on CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -joindre ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -joindre ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -joindre JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -tag_on ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -apperceive PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -percibir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -percibir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -percibir SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -appertain EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -appartenir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pertain EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pertain REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -pertenecer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pertenecer LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -pertenecer POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -pertenecer SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -pertenecer INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -hacer_encajes SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -applique SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -appliquer PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -aplicar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -aplicar APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -aplicar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -aplicar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -aplicar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aplicar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -apply PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -apply APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -apply USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -apply SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -apply ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -apply FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -apply CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -put_on COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -put_on DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -put_on DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -put_on INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -put_on ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -put_on PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -put_on PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -put_on ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -implement CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -implement FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -implement USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -imponer CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -imponer LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -imponer ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -imponer CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -imponer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -faire_obéir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -enforce CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -enforce OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -hacer_respetar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -forzar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -forzar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -forzar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -forzar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -forzar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -forzar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -forzar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -forzar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -lend_oneself APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -colaborar APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -colaborar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -colaborar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -aplicarse APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -être_valable APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -valer APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -valer COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -solicitar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -solicitar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -solicitar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -solicitar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -emplear HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -emplear USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -utilize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -utilize USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -utiliser USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -user USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -use BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -use BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -use CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -use APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -use USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -aprovechar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -aprovechar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -esgrimir CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -esgrimir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -esgrimir CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -esgrimir FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -esgrimir USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -employer HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -employer USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -usar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -usar APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -usar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -usar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -utilise USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -utilizar APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -utilizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -utilizar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -utilizar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -avoir_recours_à USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -employ HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -employ USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -se_servir_de USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -practice WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -practice TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -practice APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -practice STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -practice CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -practicar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -practicar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -practicar APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -practicar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -practicar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -practicar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -appoint ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -appoint LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -designar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -designar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -designar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -designar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -designar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -designar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -designar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -nommer ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -nommer NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -nommer PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -amueblar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -nominate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -nominate PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -nominar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -nominar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -constitute ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -constitute EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -constitute ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -constitute INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -desglosar SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -portion_out SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -divvy_up SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -share SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -share SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -prorratear SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -prorratear DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -appose BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -aponer BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -appraise CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -appraise ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -survey SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -survey WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -survey ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -survey PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -survey VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -evaluar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -evaluar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -value CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -value LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -value DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -apreciar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -apreciar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -apreciar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -apreciar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -apreciar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -apreciar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -apreciar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -aforar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -medir MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -medir CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -medir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -evaluate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -evaluate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -valuar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -valorar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -valorar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -valorar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -valorar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -valorar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -valorar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -assess CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -assess CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -avalorar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -valorizar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -valorizar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -évaluer CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -measure MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -measure CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -measure EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -tasar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -tasar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -tasar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -tasar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -valuate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -calificar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -calificar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -calificar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -calificar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -calificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -calificar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -calificar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -appreciate LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -appreciate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -appreciate UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -agradecer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -agradecer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -revalue MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -revalue INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -revaluar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -revaluar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -revalorizar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -revalorizar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -atesorar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -atesorar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -prize OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -prize LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -treasure LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -take_account UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -aprehender CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -aprehender UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -apprehend CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -apprehend CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -apprehend UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -dig WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -dig CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -dig PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -dig EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -dig UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -savvy UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -grok UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -captar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -captar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -captar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -captar HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -captar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -captar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -captar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -get_the_picture UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -compass ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -compass TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -compass UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -grasp CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -grasp UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -comprehend PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -comprehend UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -comprehend INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -tener_aprensión CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -quail_at CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -apocarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pick_up TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -pick_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -pick_up BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -pick_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pick_up EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pick_up RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -pick_up MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -pick_up KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -pick_up OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -pick_up EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -pick_up MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -pick_up CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -pick_up PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -pick_up GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -arrest CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -arrest STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -arrest ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -cop CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -cop STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -arrestar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -detener STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -detener ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -detener CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -detener DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -detener CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -clavar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -clavar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -clavar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -clavar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -clavar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -clavar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -clavar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -clavar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -clavar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -pillar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -pillar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -pillar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -pillar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -pillar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -pillar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -pillar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -capturar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -capturar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -capturar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -capturar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -capturar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -capturar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -capturar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -capturar HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -capturar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -capturar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -prender REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -prender AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -prender BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -prender CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -prender BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -prender ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -prender OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -prender HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -prender CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -apresar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -apresar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -collar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -collar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -collar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -nab CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -nab CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -nab DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -apprentice WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -instruct INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instruct TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instruct ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -avecinarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -aproximarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -aproximarse REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -aproximarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aproximarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -approach EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -approach REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -approach SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -approach LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -approach GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -rayar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -rayar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -rayar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -rayar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -acercarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -acercarse ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -acercarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -acercarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -border_on EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -go_about LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -acometer LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -acometer FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -acometer CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -acometer GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -s'attaquer_à LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -encarar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -encarar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -encarar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -encarar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -encarar ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -encarar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -set_about BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -set_about LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -emprender BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -emprender LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -emprender FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -emprender GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -draw_close PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -draw_close LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -draw_close GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -acostar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -acostar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -acostar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -acostar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -acostar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -near GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -s'approcher_de GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -acercar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -acercar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -acercar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -acercar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -come_near FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -come_near REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -come_near GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -approcher GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -draw_near GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -go_up MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -go_up BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -go_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -go_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -go_up GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -aproximar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -aproximar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -subir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -subir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -subir INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -subir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -subir UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -subir FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -subir RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -subir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -venir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -venir DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -venir REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -venir COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -venir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -venir ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -venir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -approbate AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -approbate APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -aprobar_formalmente APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -apoderar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -apoderar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -apoderar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -apoderar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -apoderar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -seize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -seize CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -seize CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -seize LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -seize HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -seize STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -incautar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -incautar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -incautar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -conquistar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -conquistar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -conquistar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -conquistar COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -conquistar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -conquistar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -confiscar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -confiscar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -confiscar CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -confiscar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -apoderarse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -apoderarse STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -dominar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -dominar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dominar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dominar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -dominar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -dominar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -dominar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -dominar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -dominar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -dominar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -dominar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -conquérir STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -capture LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -capture CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -capture REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -capture HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -capture STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -embargar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -embargar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -embargar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -embargar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -embargar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -embargar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -invadir VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -invadir ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -invadir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -invadir STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -conquer PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -conquer OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -conquer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -homologar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -homologar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -approve APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -o.k. APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -okay APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -sanction AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -sanction COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -sanction APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -echar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -echar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -echar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -echar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -echar DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -echar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -echar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -echar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -echar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -echar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -echar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -echar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -echar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -echar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -echar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -echar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -echar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -echar FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -guess CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -guess BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -guess GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -approximate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -approximate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -estimate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -estimate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -gauge COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -gauge COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -gauge CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -gauge MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -gauge ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -come_close EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -come_close REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -se_côtoyer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -se_côtoyer REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -aquaplane MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -aquaplane GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hacer_esquí_acuático MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -aquatint CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -hacer_al_aguatinta CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -arbitrage WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -interceder NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -intermediar NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -arbitrar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -arbitrar NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -arbitrar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -liaise NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -intercede NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -mediar NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -mediar PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -mediate NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -intermediate NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -arbitrate NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -arborize CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -arborise CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -arch BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -arcar BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -arquear BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -arquear COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -arc BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -curve TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -curve ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -curve BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -curve EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -arch_over COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overarch COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overarch INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -archaize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -archaise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -arcaizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -archive PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -limer PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -limer RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -archivar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -archivar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -archivar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -archivar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -archivar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -file_away PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -file_away RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -argumentar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -argumentar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -argumentar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -deliberar TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -deliberar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -deliberar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -polemizar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -polemizar QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -argue SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -argue EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -argue SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -contend FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -contend AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -contend FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -contend CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -contend SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -contend COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -discutir TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -discutir FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -discutir REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -discutir ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -discutir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -discutir DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -debatir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -debatir DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -fence BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -fence FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -fence ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -fence SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -fence STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -debate TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -debate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -debate DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -razonar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -razonar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -razonar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -reason DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -reason EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -reason THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -argüir EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -argüir INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -argüir QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -demostrar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -demostrar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -demostrar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -demostrar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -demostrar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -demostrar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -demostrar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -demostrar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -demostrar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -indicar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -indicar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -indicar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -indicar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -indicar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -indicar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -indicar SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -indicar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -indicate SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -indicate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -indicate SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -indicate PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -get_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -get_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -get_up ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -get_up STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -get_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -get_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -arise RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -arise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -arise BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -arise OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -arise RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -uprise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -uprise BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -uprise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -uprise MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -uprise RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -turn_out TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -turn_out AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -turn_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -turn_out MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -turn_out SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -turn_out DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -turn_out APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -turn_out POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -turn_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -turn_out PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -turn_out RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -levantarse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -levantarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -levantarse MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -levantarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -despertarse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -despertarse INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -rise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -rise BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -rise PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -rise TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -rise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -rise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rise APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -rise OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -rise MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rise RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -move_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -move_up PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -come_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -come_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -come_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -come_up BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -come_up CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -come_up ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -come_up RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -come_up START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -come_up FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -come_up RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -elevarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -elevarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -elevarse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -elevar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -elevar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -elevar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -elevar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -elevar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -elevar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -elevar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -producirse RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -producirse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -originar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -originar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -originar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -originar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -originar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -derivar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -derivar DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -derivar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -derivar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -derivar COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -derivar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -derivar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -derivar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -derivar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -derivar COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -derivar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -surgir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -surgir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -surgir REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -surgir BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -surgir CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -surgir APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -surgir EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -surgir GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -surgir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -surgir COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -surgir FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -originarse GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -originarse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -spring_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -originate BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -originate COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -desarrollarse LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -desarrollarse DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -desarrollarse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -desarrollarse GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -desarrollarse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -desarrollarse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -desarrollarse HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -rebelarse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -rise_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rise_up OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -alzarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -alzarse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -alzarse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -rebel OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -erguirse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -erguirse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -erguirse STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -stand_up RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -stand_up ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -stand_up PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -stand_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -stand_up STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -poindre RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -naître RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -provenir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -provenir DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -provenir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -provenir COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -provenir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -provenir ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -provenir COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -provenir INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -presentarse RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -presentarse AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -presentarse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -presentarse ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -presentarse COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -presentarse ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -résulter RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -germer RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -survenir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -bob_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -emerger SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -emerger BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -emerger APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -emerger EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -emerger FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -despertar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -despertar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -despertar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -despertar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -despertar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -despertar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -armar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -armar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -armar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -armar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -armar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -arm LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -arm PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -armarse LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -armarse PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -gird ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -gird SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -gird PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -apertrecharse PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -build_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -build_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -build_up STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -build_up AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -s'armer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -fortify EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -fortify ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -fortify PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -fortify STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fortify ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -blindar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -armor LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -acorazar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -armour LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -aromatise ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -perfumar ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -aromatize ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -aromatizar ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -perfume ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -wake AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -wake INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -awaken AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -awaken INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -wake_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -waken AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -réveiller AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -arouse CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -arouse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -arouse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -call_forth CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -call_forth INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -evoke CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -evoke AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -evoke INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -evoke INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -recaudar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -recaudar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -recaudar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -call_down CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -call_down REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -conjure_up CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -put_forward CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -put_forward DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -put_forward PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -evocar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -evocar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -evocar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -evocar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -evocar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -invitar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -invitar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -invitar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -invitar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -invitar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -invitar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -traer TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -traer CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -traer BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -traer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -traer HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -traer ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -traer RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -resucitar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -resucitar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -resucitar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -se_réveiller AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -se_réveiller BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -se_réveiller HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -awake AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -come_alive AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -despabilarse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -desadormecerse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -wind_up ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -wind_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -wind_up RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -wind_up MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -determinar_el_sexo AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -suscitar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -suscitar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -suscitar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -encender AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -encender BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -encender LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -encender BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -encender START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -encender OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -encender FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -sex AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sex DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -excitarse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -déterminer_le_sexe_de AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -déterminer_le_sexe_de DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -calentar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -calentar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -calentar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -energizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -stimulate SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -stimulate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stimulate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -stimulate INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -brace AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -brace PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -brace STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -energize AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -energize INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -energise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -energise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -vigorizarse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -perk_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -enkindle BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -enkindle AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -causar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -causar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -causar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -causar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -causar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -causar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -causar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -causar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -elicit AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -elicit INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -kindle BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -kindle AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fire AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fire DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -fire SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fire OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -fire CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fire DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -fire DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -fire FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -évoquer REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -évoquer AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -provoke CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -provoke AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -provoke INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -arraign SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -arraign ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -hacer_comparecer SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -imputar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -imputar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -imputar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -inculpar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -inculpar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -arrange PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -arrange REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -arrange PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -arrange SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -arrange EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -arrange ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -arrange CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -compaginar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -compaginar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -format DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -format PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -format SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -preparar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -preparar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -preparar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -preparar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -preparar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -preparar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -preparar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -preparar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -preparar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fix_up PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -fix_up FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -fijar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -fijar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -fijar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -fijar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -fijar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fijar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -fijar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -fijar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -organizar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -organizar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -organizar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -organizar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -organizar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -organiser PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -organiser CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -organiser SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -organiser PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -stage CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -stage PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -montar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -montar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -montar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -montar CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -montar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -montar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -montar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -montar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -montar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -montar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -montar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -montar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -order ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -order SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -order ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -order ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -order SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -order ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -order ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -poner NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -poner ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -poner PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -poner PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -poner SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -poner MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -poner GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -poner OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -poner ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -poner BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -poner MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -poner JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -poner INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -poner CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -poner HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -poner DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -poner EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -poner PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -poner COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -poner ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -poner ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -put EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -put CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -put UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -put LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -put CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -put SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -put ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -put PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -put HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -set_up LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -set_up MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -set_up FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -set_up CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -set_up CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -set_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -set_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -set_up ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -set_up ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -set_up STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -disponer PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -disponer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -disponer DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -disponer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -disponer SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -disponer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -coiffure EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -marcar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -marcar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -marcar SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -marcar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -marcar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -marcar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -marcar COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -marcar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -marcar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -marcar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -marcar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -marcar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -marcar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -marcar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -coiffe EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -peinar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -peinar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -peinar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -peinar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -coif DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -coif EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -cardar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -cardar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -cardar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -peinar_con_estilo EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -arreglarse_el_pelo EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -aderezar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -aderezar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -aderezar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -atusar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -atusar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -range MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -range SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -range REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -range EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -range TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -range COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -range NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -range SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -set_out BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -set_out SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -set_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -lay_out PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -lay_out SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -lay_out PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -lay_out SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -lay_out PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -atirar_la_atención ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -catch ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -catch REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -catch REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -catch ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -catch ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -catch HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -catch AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -catch BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -catch CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -catch HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -catch CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -catch UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -catch LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -catch REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -catch CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -catch REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -catch FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -catch HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -catch SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -catch CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -catch WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -catch DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -catch GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -catch PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -halt STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -estancar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -parar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -parar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -parar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -brider DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -brider STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -refréner STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -circonscrire STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -frenar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -frenar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -frenar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -freiner STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -freiner REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -bloquer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -contrôler MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -contrôler STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hold_back STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hold_back ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -hold_back RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -hold_back WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -hold_back CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -entraver CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -entraver STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -entraver RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -entraver COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -turn_back STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -turn_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -turn_back DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -turn_back INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -turn_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -maîtriser STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -contain REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -contain STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -contain CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -contain INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -stop CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -stop FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -stop STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stop WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -retarder DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -retarder STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -juguler STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -réprimer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -contener STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -contener RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -contener DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -contener PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -contener RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -contener CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -contener TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -contener REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -contener INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -stopper CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -stopper STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retenir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retenir RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -retenir ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -retenir HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -retenir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -retenir CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -contenir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -contenir CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -enrayer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -ralentir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -ralentir SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -endiguer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -llegar_a ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -llegar_a REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -llegar_a BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -triompher ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -arrive ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -arrive ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -make_it ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -make_it OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -get_in ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -get_in ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -get_in OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -get_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -go_far EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -go_far ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -atteindre REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -atteindre ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -arribar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -arriver CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -arriver ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -arriver HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -arrive_at ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -make REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -make CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -make INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -make CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -make PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -make COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -make TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -make INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -make BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -make CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -make MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -make SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -make ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -make SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -make GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -make SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -make EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -make CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -make ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -make IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -make ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -make CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -make CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -make EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -make RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -make ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -make OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -make EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -make COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -make CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -make ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -make ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -make GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -make GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -make INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -hit CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hit SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -hit REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -hit ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -hit KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -hit HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -hit COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -hit DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -hit MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -hit PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -hit ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -hit SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hit AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -asignarse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -arrogate ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -arrogate STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -claim RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -claim ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -claim AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -atribuirse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -reivindicar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -reivindicar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -lay_claim ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -revendiquer DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -revendiquer ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -reclamar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -reclamar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -reclamar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -reclamar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -assumer INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -assumer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -usurpar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -usurpar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -usurpar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -usurper REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -usurper STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -usurp REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -usurp STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -arse_around EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -arse_around JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -loaf PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -loaf EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -bum_about EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -loll_around EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -waste_one's_time EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -haraganear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -haraganear EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -haraganear STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bum EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -bum OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -arse_about EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -lounge_about EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -lounge_around EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -fuck_off HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fuck_off EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -fuck_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -déconner EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -déconner JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -frig_around EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -bum_around EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -loll EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -loll HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -horse_around JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -hacer_el_tonto BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hacer_el_tonto JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -fool JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -fool DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fool WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -tontear JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -hacer_el_idiota CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hacer_el_idiota JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -fool_around HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fool_around JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -arterialise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -arterialize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -arterializar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -article OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -articular MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -articular MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -articular JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -articular SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -articular ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -articular EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -articular PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -joint SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -joint SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -joint FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -joint JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -articulate PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -articulate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -articulate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -articulate JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -word SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -formulate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -formulate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -formulate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -formulate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -formular CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -formular SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -formular IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -formular AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -formuler CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -formuler MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -formuler SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -formuler AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -give_voice SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -phrase SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -phrase DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -enunciate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -enunciate PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -enunciar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -vocalize PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -vocalize EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -vocalize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -vocalize SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -vocalizar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -vocalizar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -vocalizar SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -vocalise PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -vocalise EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -vocalise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -vocalise SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -pronounce DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -pronounce PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -sound_out PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -sound_out LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -pronunciar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -pronunciar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -pronunciar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -prononcer PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -enounce PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -ascend ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -ascend PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -ascend RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ascend PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -climb_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -climb_up AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -nacer GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -nacer GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -nacer RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -find_out CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -find_out VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -find_out KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -find_out FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -encontrar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -encontrar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -encontrar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -encontrar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -encontrar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -encontrar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -encontrar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -encontrar MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -encontrar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -encontrar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -ascertain CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -ascertain VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -descubrir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descubrir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -descubrir REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -descubrir CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -descubrir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -descubrir KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -descubrir VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -descubrir RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -find CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -find DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -find REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -find UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -find FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -find BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -find OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -find PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -determine DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -determine CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -determine DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -determine PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -determine INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -determine VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -determine SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -determinar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -determinar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -determinar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -determinar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -determinar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -determinar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -determinar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -determinar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -determinar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -see DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -see MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -see IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -see ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -see UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -see MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -see KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -see ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -see MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -see SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -see VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -see VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -see COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -see PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -see UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -see INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -ver DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -ver WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -ver IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -ver ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -ver UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -ver MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -ver KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -ver VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -ver SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -ver MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -ver DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -ver VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -ver PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -ver UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -ver INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -detectar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -detectar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -detectar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -establecer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -establecer IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -establecer PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -establecer ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -establecer GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -establecer CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -establecer VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -establecer STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -averiguar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -averiguar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -averiguar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -averiguar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -watch VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -watch WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -watch SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -esclarecer EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -esclarecer VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -établir ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -établir VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -établir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -insure VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -insure GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -insure PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -control MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -control OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -control KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -control VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -control REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -assure MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -assure VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -assure GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -assure INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -ensure VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -ensure GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -asegurarse CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -asegurarse VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -asegurarse GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -controlar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -controlar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -controlar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -controlar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -controlar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -controlar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -controlar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -controlar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -controlar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -controlar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -see_to_it VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -attribute SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -attribute ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -impute ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -adscribir ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -ascribe ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -atribuir ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -atribuir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -atribuir ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -achacar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -ash CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -hacer_ceniza CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ask ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -ask REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -require ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -require REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -postulate SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -postulate AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -postulate REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -necesitar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -necesitar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -necesitar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -demand SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -demand ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -demand REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -call_for GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -call_for ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -call_for REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -precisar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -precisar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -precisar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -precisar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -precisar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -precisar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -preguntar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -preguntar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -preguntar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -preguntar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -preguntar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -need REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -necessitate IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -necessitate REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -exigir IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -exigir ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -exigir AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -exigir REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -demander ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -consultar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -consultar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -consultar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -consultar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -interpelar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -cuestionar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -cuestionar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -interrogar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -interrogar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -interrogar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -interrogar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -interrogar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -questionner ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -enquire ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -enquire ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -enquire THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -inquirir SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -inquirir ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -interroger ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -informarse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -s'enquérir ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -s'enquérir ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -s'enquérir THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -inquire ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -inquire ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -inquire THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -investigar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -investigar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -investigar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -investigar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -ask_for REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -buscarse REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -buscar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -buscar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -buscar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -buscar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -buscar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -buscar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -buscar COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -buscar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -invite AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -invite ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -invite HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -invite REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -ask_for_it RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -ask_for_trouble RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -hacer_entrar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -invitar_a_pasar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -ask_in HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -hacer_pasar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -ask_out ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -invite_out ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -sacar_a_pasear ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -invitar_a_salir ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -take_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -take_out MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -take_out SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -take_out BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -take_out CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -take_out EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -take_out ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -take_out OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -take_out EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -ask_over HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -convidar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -convidar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -convidar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -ask_round HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -smear ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -smear DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -smear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -besmirch ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -besmirch DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -reputación ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -asperse ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -sully ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -sully DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -sully DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -smirch ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -smirch DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -calomnier ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -calumniar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -calumniar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -calumniate ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -defame ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -slander ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -denigrate ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -denigrate DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -difamar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -difamar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -embrear PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -embrear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -alquitranar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -alquitranar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -asfaltar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -asphalt COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -reprimir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -reprimir RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -reprimir REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reprimir RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -reprimir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -reprimir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -reprimir SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -reprimir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -reprimir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -reprimir CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -suffocate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -suffocate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -suffocate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -suffocate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -suffocate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -asphyxiate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -asphyxiate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -stifle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stifle KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -stifle CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -stifle WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -choke CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -choke STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -choke HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -choke KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -choke FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -choke PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -choke WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -choke REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -sofocar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -sofocar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -sofocar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -sofocar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -asfixiar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -asfixiar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -asfixiar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -asfixiar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -asfixiar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -estrangular STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -estrangular HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -estrangular RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -estrangular KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -estrangular PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -atragantarse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -asfixiarse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -ahogarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ahogarse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -sofocarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -sofocarse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -smother COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -smother KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -smother CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -smother WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -asphyxier KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -suck_out ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -aspirate PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -aspirate BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -aspirate ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -aspirer PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -aspirer BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -aspirer ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -draw_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -draw_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -draw_out CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -draw_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -draw_out ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -draw_out INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -set_on ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -assail ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -assail CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -asaltar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -asaltar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -asaltar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -asaltar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -agredir BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -agredir ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -agredir CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -assault ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -assault CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -violar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -violar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -violar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -attaquer ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -agresser ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -assaillir ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -violenter ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -snipe HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -snipe SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -snipe CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -round DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -round TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -round CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -round EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -round ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -round PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -round SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -lash_out CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -assassinate OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -assassinate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -asesinar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -asesinar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -dishonour OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -dishonour REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -dishonour ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -forcer ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -forcer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -dishonor OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -dishonor REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -dishonor ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -violer ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -violer DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -violer VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -rape ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -rape DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -violate ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -violate DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -violate VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -prendre_de_force ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -ravish CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ravish ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -essay TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -seek SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -seek ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -seek TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -seek GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -attempt BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -attempt TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -assay ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -assay TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -ensayar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -ensayar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -probar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -probar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -probar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -probar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -probar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -probar TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -essayer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -essayer ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -essayer TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -essayer SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -tratar_de TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -intentar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -intentar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -intentar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -aquilatar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -congregarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -congregarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -congregarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -congregarse MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -rassembler GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -concentrar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -concentrar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -concentrar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concentrar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -concentrar MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -concentrar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -get_together GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -get_together ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -get_together MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -reunirse SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -reunirse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -reunirse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -reunirse MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -assemble MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -assemble GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -juntarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -juntarse ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -juntarse ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -juntarse MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -juntarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -juntarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -tack_together MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -piece MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -piece COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -piece EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -piece JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -piece REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -put_together MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -fragment MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -fragment COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -fragment EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -fragment JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -fragment BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fragment REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -construir REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -construir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -construir PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -construir ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -construir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -construir GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -construir INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -assembler MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -ensamblar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -ensamblar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -ensamblar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -se_rassembler GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -se_rassembler MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -forgather GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -foregather GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -se_réunir GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -se_réunir MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -maintain HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -maintain AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -maintain RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -maintain RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -maintain MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -maintain ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -maintain SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -maintain AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -maintain PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -affirmer AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -mantener CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -mantener HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -mantener AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -mantener RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -mantener REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -mantener ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -mantener AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -mantener SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mantener HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -mantener HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -mantener PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -asseverate AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -conservar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -conservar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -conservar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -conservar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -conservar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -conservar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -conservar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -conservar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -conservar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -defender RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -defender FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -defender DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -defender PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -defender ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -defender SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hacer_valer DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -hacerse_valer DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -insistir BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -insistir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -insistir RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -insistir AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -insistir DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -incidir EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -incidir AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -insist BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -insist CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -insist AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -imponerse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -imponerse WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -imponerse VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -assert_oneself BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -tax ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -tax CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -tax BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -tax CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -assibiler INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -assibiler PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -assibilate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -assibilate PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -asibilar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -asibilar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -delegar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -delegar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -designate PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -designate NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -designate DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -designate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -designate SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -delegate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -depute ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -assigner ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -especificar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -especificar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -especificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -especificar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -especificar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -especificar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -especificar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -set_apart ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -set_apart TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -destiner ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -destiner PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -diferenciar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -diferenciar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -diferenciar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -diferenciar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -diferenciar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -diferenciar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -affecter ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -affecter PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -specify PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -specify DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -specify REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -specify ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -specify EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -specify OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -asimilarse CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -embeber ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -embeber DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -wait_on WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -ser_útil WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -cuidar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -cuidar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cuidar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -cuidar ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -cuidar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -attend_to WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -attend_to FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -consociate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -colliger CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -enlazar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -enlazar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -enlazar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -enlazar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -lier CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -lier JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -link_up CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -link_up JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -connect BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -connect CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -connect HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -connect JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -connect COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -conectar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -conectar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -conectar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -conectar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -conectar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -emparejar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -emparejar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -emparejar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -emparejar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -unir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -unir COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unir AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -unir BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -unir CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -unir SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -unir JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -unir ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -unir ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -liaison CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -asociar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -asociar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -asociar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -relate CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -relate BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -relate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -relate REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -associer CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -ligar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -ligar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -ligar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -ligar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -ligar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -ligar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -jumeler CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -entroncar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -entroncar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -entroncar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -brancher CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -colligate CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -tie_in CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -comunicar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -comunicar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -comunicar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -comunicar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -comunicar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -comunicar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -comunicar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -comunicar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -link CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -link JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -asonar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -assonate MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -classify SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -classify RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -clasificar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -clasificar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -clasificar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -classer SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -classifier SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -sort ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -sort SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -trier SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -trier SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -class SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -sort_out EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -sort_out SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -sort_out PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -separar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -separar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -separar DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -separar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -separar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -separar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -separar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -separar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -separar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -separate DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -separate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -separate BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -separate REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -separate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -separate RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -ponerse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -ponerse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ponerse DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -ponerse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -get_into ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -get_into DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -get_into LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -get_into OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -get_into PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -wear EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -wear EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -wear CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -wear DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -wear BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -llevar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -llevar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -llevar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -llevar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -llevar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -llevar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -llevar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -llevar CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -llevar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -llevar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -llevar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -llevar ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -llevar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -llevar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -llevar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -llevar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -llevar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -llevar BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -llevar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -llevar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -llevar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -llevar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -llevar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -llevar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -llevar ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -llevar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -llevar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -don DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -simulate SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -hacerse DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -hacerse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -hacerse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -hacerse SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -hacerse TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -take_for_granted SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -presume BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -presume IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -presume SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -presumir BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -presumir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -presumir BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -presumir SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -suponer SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -suponer IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -suponer INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -suponer BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -suponer GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -suponer INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -supposer BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -supposer SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -dar_por_sentado SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -tell INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -tell KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -tell SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tell ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -tell RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -persuadir GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -persuadir PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -convencer ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -convencer GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -convencer PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -secure LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -secure CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -secure SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -secure OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -secure GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -guarantee GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -avalar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -avalar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -avalar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -dar_confianza MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -rassurer GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -rassurer MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -reassure GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -reassure MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -prometer CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -prometer GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -star EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -star PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -star SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -asterisk SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -astringe PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -astrogate MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -astrogate FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -nuke ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -nuke COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -atom-bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -atomizar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -atomizar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -atomizar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -atomise ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -atomise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -atomise SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -atomize ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -atomize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -atomize SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -pulvériser BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pulvériser COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -pulvériser SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -pulvériser DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -atomiser COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -zap ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -zap COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -zap KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -zap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -desintegrar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -desintegrar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -desintegrar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desintegrar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -destruir PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -destruir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -destruir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -destruir ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -destruir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -destruir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -destruir DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -destruir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -destruir DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -lanzar_una_ofensiva ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -arrepentirse REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -repent REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -atrofiarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -atrofiar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -atrophy BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -attach REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -attach ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -attach BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -tie BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -tie SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -tie COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -tie SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -tie JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -tie EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -tie OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -incautarse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decomisar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -impound REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -impound RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -confiscate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sequester REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sequester CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -sequester ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -sequester TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -sequester STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -confisquer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -intervenir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -intervenir ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -intervenir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -intervenir CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -intervenir DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -intervenir PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -sujetarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -inhere_in INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -ser_inherente EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ser_inherente INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -chance_on FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -happen_upon FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -come_upon OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -come_upon FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -fall_upon FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -come_across AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -come_across FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -come_across MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -come_across EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -come_across PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -chance_upon FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -discover KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -discover REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -discover FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -discover RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -encontrarse ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -encontrarse FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -encontrarse SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -encontrarse OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -encontrarse MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -encontrarse RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -light_upon FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -hallar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -tocar_a FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -dar_con MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -dar_con DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -dar_con FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -attaint OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -attaint PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -shame OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -shame OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -shame DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -abochornar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -abochornar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -abochornar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -disgrace OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -disgrace DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -sentenciar_a_muerte PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -attemper ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -undertake BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -undertake FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -undertake AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -undertake GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -undertake ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -ir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ir OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -ir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -ir ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -ir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -ir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -ir ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -ir MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -ir FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -ir EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -ir HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -ir EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -assister_à ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -fréquenter ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -acudir EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -acudir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -acudir ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -acudir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -acudir ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -acudir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hacer_acto_de_presencia ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -go_to ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -suivre ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -suivre COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -s'occuper_de MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -ocuparse_de MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -encargarse MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -encargarse WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -encargarse LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -encargarse AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -take_care MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -take_care WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -take_to_heart FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -fijarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -attenuate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -attenuate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -atenuar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -atenuar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -atenuar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -atenuar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -atenuar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -rarefy ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -rarefy CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -rarefy REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -enrarecer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -enrarecer DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -debilitar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -debilitar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -debilitar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -debilitar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -testificar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -testificar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -testificar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -testificar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -testificar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -attest VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -attest GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -attest PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -atestiguar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -atestiguar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -atestiguar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -atestiguar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -atestiguar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -autentificar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -autentificar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -manifest RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -manifest APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -manifest PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -evidence INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -evidence PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -demonstrate SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -demonstrate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -demonstrate OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -certify AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -certify DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -certify GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -certify PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -evidenciar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -evidenciar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -evidenciar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -take_the_stand GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -bear_witness GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -bear_witness PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -prestar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -prestar LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -prestar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -prestar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -prestar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -prestar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -testify GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -testify PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -dress_up DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -dress_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -tog_out EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -tog_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ataviarse EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -gussy_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -deck_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -overdress DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -overdress EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -attire EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -prink DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -prink EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -fig_out EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -arreglarse EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -trick_out EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -fig_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -rig_out EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -deck_out EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -fancy_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -trick_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -hacerse_ver BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -attitudinize BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -llamar_la_atención BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -llamar_la_atención COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -llamar_la_atención REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -llamar_la_atención FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -attitudinise BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -attorn ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -pull_in ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -pull_in AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -pull_in ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -pull_in EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -tirer SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -tirer ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -tirer PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -draw_in ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -draw_in PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -draw_in ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -draw_in ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -draw_in GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pull REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pull TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -pull CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pull STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pull FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -pull HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pull OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -pull PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -pull ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -pull EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -pull VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -attune ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -auctioneer SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -subastar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -auction_off SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -auction SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -rematar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -rematar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rematar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -rematar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -rematar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -rematar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -audit VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -audit ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -vigilar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -vigilar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -vigilar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -vigilar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -auditar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -inspecter VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -scrutinise VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -scrutinise ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -scruter VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -scruter ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -inspect VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -inspect ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -scrutinize VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -scrutinize ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -escrutar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -escrutar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -escrutar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -registrar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -registrar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -registrar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -registrar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -registrar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -registrar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -registrar COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -registrar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -registrar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -registrar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -registrar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -audition TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -try_out TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -augment INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -incrementar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -augur SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -augur GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -agorar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -forecast GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -forecast SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -forecast SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -foreshadow SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -auspicate BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -auspicate SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -presage SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -bode SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -omen SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -prefigurar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -prefigurar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -betoken SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -portend SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -prefigure IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -prefigure SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -anunciarse SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -aurify PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -aurify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -dorar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -dorar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -dorar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dorar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -auscultar HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -auscultate HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -autenticar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -authenticate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -author CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -facultar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -facultar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -authorize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -pass EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -pass APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -pass MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pass CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -pass SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -pass INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -pass GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pass ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -pass KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -pass THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pass HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -pass AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -pass SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -pass CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -pass EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pass LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -pass DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -pass GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pass OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -authorise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -empower AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -empoderar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -autoclave HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -autographer WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -autografiar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -inscribe CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -inscribe RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -inscribe WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -inscribe SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -inscribe CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -inscribe PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -inscribe HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -autograph WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -automatize AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -automatise AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -automate AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -automatiser AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -automatizar AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -automobile MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -autopsy ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -autotomize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -autotomise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -avail EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -avail BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -avail USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -aprovecharse BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -roll_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -avalanche FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -vengar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -avenge PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -retaliar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -revenge PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -retaliate ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -retaliate PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -vengarse ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -vengarse PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -desquitarse PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -average_out CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -average_out REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -average CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -average REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -promediar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -promediar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -calcular_la_media CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -ward_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -ward_off DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -forfend ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -deflect ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -deflect TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -deflect STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -capear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -capear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -obviate ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -obviate PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -debar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -debar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -debar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -head_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -obviar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -obviar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -esquivar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -esquivar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -prohibir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -prohibir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -alejar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -alejar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -alejar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -alejar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -fend_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -forefend ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -prévenir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -prévenir WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -atajar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -atajar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -atajar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -stave_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -avert ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -avert TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -apartar_la_vista TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -détourner TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -détourner STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -turn_away TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -turn_away DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -avianize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -avianise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -pilotar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -pilotar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -pilot MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -pilot DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -fly CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fly CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -fly SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -fly TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -fly HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -fly MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -fly FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -fly LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -fly DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -fly CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -aviate MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -pilotear MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -volar_aviones MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -volar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -volar SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -volar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -volar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -volar FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -volar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -volar DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -volar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -keep_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -sortear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -sortear OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -éviter ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -confesar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -avouch RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -avulse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -await WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -aguardar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -aguardar WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -s'attendre_à WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -escompter WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -wait WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -wait WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -esperar_con_expectación WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -premiar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -premiar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -award GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -galardonar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -attribuer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -conférer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -conférer DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -laurear GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -laurear APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -awe CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aterrorizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aterrorizar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -recortar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -recortar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -recortar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -recortar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -recortar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -recortar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hachear CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -hachear SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hachear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -axe CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -axe STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -ax CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -ax STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -terminar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -terminar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -terminar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -terminar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -terminar DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -terminar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -terminar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -terminar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -azure COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -bleat MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bleat SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gimotear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -gimotear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gimotear CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -gimotear OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -blat MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -balar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -blate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -baa MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -babbitt FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -guggle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -guggle DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -guggle FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -ripple FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -ripple MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bubble EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -bubble CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -bubble EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -bubble RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bubble FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -burble FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -murmurar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -murmurar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -murmurar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -murmurar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -babble SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -babble FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -gurgle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gurgle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -gurgle DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -gurgle FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -gorgotear DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -gorgotear FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -blab SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -delatar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -delatar BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -delatar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -delatar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -let_the_cat_out_of_the_bag SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -spill_the_beans SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blab_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -talk SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mascullar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -babble_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cantar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -cantar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -cantar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -cantar SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -cantar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cantar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -cantar SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cotillear REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -cotillear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -peach SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tattle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sing MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sing SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sing SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -parlotear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -parlotear DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -smatter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -smatter WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -blither SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -charlar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -charlar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -charlar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -blether SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blather SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -charlatanear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -charlotear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -balbucear PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -balbucear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -choyer TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -indulge TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -indulge CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -indulge ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -indulge CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pamper TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -mimar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -mimar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -mimar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -mimar SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -mimar SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -gâter TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -baby TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -featherbed TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -featherbed HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -chouchouter TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -cocker TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -coddle TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -coddle COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -mollycoddle TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -dorloter TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -spoil TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -spoil DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -spoil REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -spoil MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -spoil PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -spoil DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -spoil SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -cosset TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -malcriar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -baby-sit WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -faire_du_baby-sitting WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -hacer_de_canguro WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -sit WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -sit WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -sit LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sit MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -sit ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -bachelor EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -bach EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -back TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -back FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -back BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -back PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -back BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -back STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -soutenir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -soutenir FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -soutenir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -soutenir STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -endorse FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -endorse WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -endorse GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -indorse FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -indorse WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -indorse GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -segundar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -secundar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -secundar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -secundar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -respaldar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -respaldar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -respaldar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -respaldar ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -endosar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -endosar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -endosar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -appuyer FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -second ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -second FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -reculer DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -reculer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -reculer MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rétrograder WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -rétrograder MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rétrograder DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -retroceder PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -retroceder TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -retroceder MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retroceder DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -retroceder WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -hacer_volver MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -back_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -back_up HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -back_up COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -back_up MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -back_up PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -punt SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -punt BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -punt HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bet_on BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -gage BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -game BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -plunk_for FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -plump_for FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -crawfish ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -retreat ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -retreat ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -retreat MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pull_back OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -pull_back ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -pull_back DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -pull_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pull_back EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -back_out ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -back_out MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -recular ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -recular MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -crawfish_out ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -back_away ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -pull_in_one's_horns ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -acobardarse RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -bow_out RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -tirer_sa_révérence RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -back_off RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -back_off MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rajarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -rajarse RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -rajarse EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -pull_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pull_out RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -pull_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -back_down RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -back_down MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -amedrentarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -amedrentarse RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -chicken_out RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -choke_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -choke_off RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -obstruir SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -obstruir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -obstruir CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -atorar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -clog_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -foul DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -foul STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -foul FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -foul VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -congest STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -clog AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -clog STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -clog DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -clog SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -congestionar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -atascar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -atascar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -empantanar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -atrancar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -atrancar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -atrancar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -poner_a_parir OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -bitch OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -bitch OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -backbite OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -backcross HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -backdate LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -backfire BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -backfire MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -backfire MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -recoil MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -recoil DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -backlash MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -petardear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -petardear STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -play_down DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -minimizar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -minimizar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -background DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -downplay DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -mimetizar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -backhand HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -hacer_un_revés HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -backlog AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -mochilear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -backpack TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pack CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -pack AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -pack CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -pack TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pack ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -pack INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -pack FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -pack PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pack ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -backpedal ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -backpedal MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pedalear_al_revés MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -backscatter COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -backslap BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -lapse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -lapse FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -lapse SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -lapse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -lapse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -lapse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -backslide REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -backspace TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pespuntar SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -backstitch SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -backstop STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -backstroke DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -backtrack MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -repasar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -repasar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -repasar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -repasar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -repasar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -desandar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -desandar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -double_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bacterise AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -bacterize AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -badge LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -asignar_un_distintivo LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -joder CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -joder HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -jorobar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bug CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bug DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pester CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -beleaguer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -beleaguer ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -burlar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -burlar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -burlar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -burlar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -burlar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -burlar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -burlar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -burlar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -tease CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tease AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -tease STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -tease SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -tease WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -tease BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -tease JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -tease OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -tease RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -acosar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -acosar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -acosar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -acosar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -acosar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -badger CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -badger PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hostigar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hostigar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -badmouth OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -malign OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -drag_through_the_mud OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -traduce OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -regulate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -regulate INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -regulate ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -thwart PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -scotch CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -scotch PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -frustrate TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -frustrate PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dificultar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -dificultar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dificultar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -impedir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -impedir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -desbaratar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -desbaratar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desbaratar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -cross EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -cross MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -cross REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -cross OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -cross PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -cross GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -cross PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -cross OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -malograr PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -estropear DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -estropear MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -estropear PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -estropear BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -estropear DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -estropear WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -queer PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -queer ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -frustrar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -frustrar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -frustrar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -frustrar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -foil COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -foil PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -foil OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -bilk ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -bilk DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -bilk PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -bilk LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -defraudar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -defraudar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -defraudar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -defraudar FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -defraudar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -estafar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -estafar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -estafar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -estafar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -bag HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -bag CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -bag INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -bag FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bag STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -ensacar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -derribar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -derribar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -derribar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -derribar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -derribar SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -derribar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -derribar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -derribar KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -derribar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -derribar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -bulge FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bulge BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -pandearse FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -hincharse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hincharse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -hincharse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hincharse FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -hincharse FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -embolsarse STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -pocket PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -pocket STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -embolsillarse STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -embolsar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -embolsar EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -embolsar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -colgar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -colgar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -colgar HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -colgar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -colgar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -colgar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -colgar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -colgar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -colgar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -bail LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -bail GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -bail PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -bail EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -bale_out EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -bail_out LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -bail_out EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -achicar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -achicar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -achicar COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bait OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -bait LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -bait ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -atosigar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -atosigar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -atosigar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -atosigar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -taunt OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -charrier OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -cod OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -cod DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -ride EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ride MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -ride CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -ride IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -ride TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ride LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -ride HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -ride MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ride STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -ride PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -ride OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -ride RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -tantalise OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -recochinearse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -pitorrearse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -tantalize OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -chotearse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -razz OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -twit OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -chungearse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -morue OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -morue DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -tomar_el_pelo OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -tomar_el_pelo JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -tomar_el_pelo DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -tomar_el_pelo AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -mofarse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -mofarse JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -mofarse LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -rally AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -rally SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -rally OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -rally GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -rally RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -befarse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -burlarse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -burlarse JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -burlarse LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -chancearse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -criticar_constantemente OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -cachondearse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -cachondearse LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -asar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -hornear CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -hornear COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -asarse COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cuire_au_four COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -bake HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bake COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -enhornar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cocer HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cocer BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cocer COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -broil HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -broil COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -nivelar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -nivelar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -nivelar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nivelar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -equilibrate COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -equilibrar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -equilibrar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -equilibrar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -equilibrize COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -equilibrise COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -balance CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -balance COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -poise CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -poise STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -poise PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -poise COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -balancear CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -balancear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -balancear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -équilibrer COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -boucler CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -boucler COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -balancer COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -hacer_balance COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -hacer_arqueo COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -saldar CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -saldar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -saldar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -saldar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -cuadrar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -cuadrar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cuadrar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cuadrar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -apurer COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bald CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -volverse_calvo CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -embalar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -embalar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -embalar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -embalar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bale AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -resistirse REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -resistirse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -resistirse RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -plantarse REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -balk REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -jib TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -jib REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -negarse REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -resist REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -resist OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -resist RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -rehusar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -baulk REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -balkanise SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -balkanize SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -ovillar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -ovillar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -ball SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -aovillar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -enrouler SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -enrollar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -enrollar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -enrollar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -enrollar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -enrollar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -enrollar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -aturdir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aturdir DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -aturdir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -floor CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -floor KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -ball_over CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -take_aback CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -blow_out_of_the_water CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -apelotonar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -apelotonar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -fuck_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -bollocks MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -fumble MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -fumble GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -fumble MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -fumble FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fumble FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -arruinar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -arruinar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -arruinar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -arruinar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -bungle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -ball_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -flub MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -chapucear MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -muff MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -muff FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -bollix MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -screw_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -screw_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -screw_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -screw_up SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -muck_up DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -muck_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -louse_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -bollix_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -foul_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -pifiar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -pifiar MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -bollocks_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -bodge MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -cagarla MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mess_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -botch_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -bumble MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -bumble SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -bumble MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -fluff MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -fluff RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -joderla MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -joderla MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -blow BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -blow REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -blow REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -blow MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -blow WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -blow EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -blow TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -blow BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -blow HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -blow GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -blow LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -blow AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -blow PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -blow BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -blow SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -botch MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mishandle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mishandle MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -bobble MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -lastrar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -ballast STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -balloon MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -balloon INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -volar_en_globo MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -inflar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inflar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -inflar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -inflar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -inflar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -billow RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -billow INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -billow TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -billow GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -votar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -votar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -votar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -balotar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -ballot CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -ballyhoo PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -dar_bombo PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -ballyrag SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -browbeat SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -browbeat OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -intimidar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -intimidar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -intimidar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -intimidar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -push_around SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -faire_violence_à SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -faire_violence_à TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -boss_around SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -bullyrag SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -bully SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -bully OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -strong-arm SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -strong-arm TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -hector SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -lead_by_the_nose DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -snow METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -snow DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pull_the_wool_over_someone's_eyes DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -bamboozle DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -engañar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -engañar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -engañar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -engañar BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -engañar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -engañar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -embrouiller MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -embrouiller DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -hoodwink DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -play_false DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -ostracize ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -ostracize DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -bannir DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -retrancher REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -retrancher CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -retrancher SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -retrancher DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -retrancher VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -ban PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -ban DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -blackball REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -blackball DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -proscrire DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -desterrar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -marginar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -marginar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -shun ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -shun DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -cast_out DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -cast_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -ostraciser DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -exiler DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expeler CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -expeler SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -expeler DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expeler LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -expeler DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -excommunier DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -ostracise ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -ostracise DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expulser DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -blackbouler REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -blackbouler DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expulsar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -expulsar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -expulsar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -expulsar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -expulsar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expulsar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -expulsar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -expulsar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -expulsar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -expulsar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -banish DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -censurar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -censurar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -censurar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -censurar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -censurar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -censurar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -censurar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -censurar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -censurar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -censor PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -band SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -band SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -ring MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ring REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -ring ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -ring COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -ring PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -ring SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -anillar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -vendar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -vendar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -vendar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -vendar BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -precintar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -precintar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -fajar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -fajar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -fajar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -fajar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -band_oneself ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -league_together ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -confederarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -confederate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -band_together ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -bandage ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -zurrarse FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -bandy FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -bandy THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -bandy DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -kick_around TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -kick_around EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -kick_around DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -fintar PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -fintar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -dar_vueltas_a DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -bandy_about DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -cerrar_ruidosamente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bang HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bang MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bang CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -bang HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -golpear_violentamente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -slam THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -slam CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -slam DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -slam HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -golpear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -golpear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -golpear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -golpear ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -golpear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -golpear PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -golpear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -golpear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -golpear AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -golpear SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -be_intimate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -garchar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -niquer HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -do_it HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -get_it_on HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -encantar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -encantar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -encantar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -encantar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -encantar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -encantar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -encantar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -encantar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -fuck HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -have_a_go_at_it HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -pichar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -dormir SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dormir HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -dormir REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -dormir DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -tener_sexo HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -copular HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -tirar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tirar DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -tirar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -tirar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -tirar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -tirar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -tirar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -tirar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -tirar KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -tirar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -tirar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -tirar AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -tirar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -tirar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tirar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -tirar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -get_laid HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -make_out FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -make_out AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -make_out IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -make_out PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -make_out WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -make_out HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -make_out RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -make_out PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -make_out UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -bonk HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bonk HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -culear HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -follar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -follar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -acostarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -acostarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -acostarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -have_sex HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -coucher PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -coucher HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -have_it_off HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -faire_zizi-panpan HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -vergar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -hacer_el_amor HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -hacer_el_amor LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -conocer MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -conocer HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -conocer KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -lever OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -lever HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -lever RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -faire_crac-crac HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -baiser TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -baiser HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -follarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -sleep_with HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -have_it_away HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -jouer_à_zizi-panpan HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -make_love HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bed LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -bed SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -bed HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bed PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -love HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -love LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -roll_in_the_hay HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -copuler HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -cachar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -forniquer HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -hump HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -hump BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -screw TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -screw DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -screw SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -screw HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -screw HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -eff HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -tirarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -tirarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -tirarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -cepillarse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cepillarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -cepillarse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -chingar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -have_intercourse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -jazz HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -jazz PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sleep_together HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -lie_with HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -jalar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -jalar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -jalar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -jalar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -faire_l'amour HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -rebotar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -rebotar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -rebotar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -rebotar JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -rebotar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -spang HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -moverse_estruendosamente MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -dar_un_portazo CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -aporrear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -aporrear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -aporrear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -aporrear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -aporrear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -bang_out PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -fertilizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fertilizar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fertilizar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -fertilizar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -prang_up HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -impregnate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -impregnate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -impregnate FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bang_up HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bang_up DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -empreñar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -embarazar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -dejar_embarazada HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fecundar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fecundar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fecundar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -impregnar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -impregnar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -preñar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -knock_up HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -destrozar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -destrozar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -destrozar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -destrozar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -destrozar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -destrozar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -destrozar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -smash CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -smash DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -smash DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -smash FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -smash HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -smash BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -hacer_pedazos DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -hacer_pedazos DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -smash_up DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -quebrar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -quebrar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -quebrar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -quebrar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -relegate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -relegate ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -relegate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -relegate DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -bar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -bar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -bar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -ser_la_banca PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -faire_le_banquier PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -bank PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -bank WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -bank COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bank RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -bank ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bank DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -bank CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -bank RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -confiar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -confiar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -confiar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -confiar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -confiar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -confiar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -confiar RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -fiarse AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -fiarse RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -fiar RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -fiar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -faire_confiance RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -trust REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -trust AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -trust BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -trust GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -trust RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -rely RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -s'incliner DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -depositar BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -depositar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -depositar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -depositar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -depositar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -depositar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -déposer RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -deposit HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -deposit PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -deposit RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -mettre_en_banque CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -operar_en_bancos CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -ir_al_banco CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -embancar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bankroll PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -bankrupt FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -break ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -break DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -break REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -break BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -break PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -break WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -break TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -break CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -break DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -break DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -break FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -break ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -break SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -break PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -break LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -break STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -break FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -break BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -break DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -break APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -break SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -break CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -break EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -break CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -break CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -break HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -break REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -break AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -break SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -break HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -break ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -break DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -break VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -ruin DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -ruin HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -ruin FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -hacer_quebrar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -banquet EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -banquet COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -junket EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -junket COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -junket TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -banquetear EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -banquetear COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -faire_bombance EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -faire_bombance COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -faire_bombance TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -feast CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -feast EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -feast COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -jolly JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -torear JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -josh JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -bromear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -bromear JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -kid JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -banter JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -chaff JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -cristianar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -baptize COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -bautizar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -bautizar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -baptise COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -christen COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -block_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -blockade STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -barricade STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -barrer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -barrer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -barrer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -barrer ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -barrer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -barrer CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -barrer DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -barrer ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -barrer WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -barrer SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -block REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -block STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -block PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -block CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -block SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -obstaculizar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -block_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bloquear STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bloquear CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -se_mettre_en_travers STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -exclude MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -exclude STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -exclude PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -exclude DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -excluir MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -excluir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -excluir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -excluir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -excluir DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -excluir DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -bar_hop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pub-crawl TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ir_de_copas TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -bar_mitzvah COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -barb LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -barbarize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -barbarizarse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -barbarise WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -barbarizar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -barbeque COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -asar_a_la_parrilla COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -barbecue COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -griller COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cuire_au_barbecue COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cook_out COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -barber WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -caparison EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -bard EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -engualdrapar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -barde EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -despejar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -despejar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -despejar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -despejar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -despejar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -despejar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -desvestir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desvestir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -pelar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pelar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -pelar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -strip REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -strip EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -strip STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -desnudar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desnudar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desnudar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desnudar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -despojar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -despojar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -despojar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -denudar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -denude REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -denudate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -renarder EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -dégobiller EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -écorcher_le_renard EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -avoir_des_haut-le-cœur EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -avoir_des_haut-le-cœur TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -cat EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -cat HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -vómito EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -dégorger EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -débagouler EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -vomir EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -vomir SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -rejeter REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -rejeter STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -rejeter EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -rejeter CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -spue EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -spew EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -spew SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -regurgitate SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -regurgitate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -regurgitate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -purge CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -purge EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -purge DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -purge WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -purge LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -retch EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -retch TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -dégueuler EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -dégueuler SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -gerber EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -devolver PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -devolver HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -devolver EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -devolver MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -devolver DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -devolver GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -devolver RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -débecter EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -regorge EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -vomit EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -honk MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -honk EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -restituer EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -cast CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -cast CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -cast THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -cast ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -cast RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -cast TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -cast SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cast EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -cast DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -cast DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -be_sick EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -barf EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -sick EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -aller_au_renard EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -vomitar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -vomitar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -vomitar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -vomitar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -rosse EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -rosse HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chuck DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -chuck THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -chuck TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -chuck EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -puke EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -throw_up EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -rendre_gorge EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -vomit_up EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -piquer_un_renard EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -arrojar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -arrojar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -arrojar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -arrojar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -arrojar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -arrojar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -arrojar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -arrojar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -arrojar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -arrojar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -arrojar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -disgorge EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -disgorge EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -rendre EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -upchuck EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -negociar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -negociar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -negociar NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -negociar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -bargain NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -bargain SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -négocier NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -marchander NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -dicker NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -bargain_down PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -beat_down LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -beat_down PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -beat_down DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -navegar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -navegar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -navegar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -navegar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -navegar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -navegar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -transportar_en_barcaza CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -barge CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -barge GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -irrumpir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -irrumpir APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -irrumpir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -thrust_ahead GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -push_forward GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -inmiscuirse SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -inmiscuirse CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -inmiscuirse VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -barge_in SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -barge_in VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -gate-crash VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -crash FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -crash OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -crash MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crash STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -crash DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -crash THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -crash STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -crash BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -crash REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -crash GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -crash VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -entrometerse SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -entrometerse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -entrometerse CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -entrometerse VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -chime_in SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tomar_parte SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tomar_parte PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -meterse SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -meterse INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -meterse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -meterse DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -butt_in SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cut_in COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -cut_in AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -cut_in MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -cut_in SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cut_in VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -break_in CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -break_in BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -break_in BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -break_in SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -break_in SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -break_in VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -chisel_in SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -put_in MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -put_in RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -put_in INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -put_in SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -put_in ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -descortezar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -skin REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -skin RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -skin HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -bark REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bark MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bark COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bark SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -bark COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ladrar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ladrar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aboyer MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -barnstorm TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -barnstorm WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -baronetise ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -hacer_baronet ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -baronetize ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -exhort INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -exhort OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -jalear INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -jalear SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -alegrar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -alegrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alegrar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -root_on INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -barrack INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -barrack LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -barrack STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -pep_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -pep_up INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -urge_on INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -urge_on OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -dar_ánimos CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dar_ánimos INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -cheer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cheer INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -cheer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -jeer LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -rechiflar LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -scoff REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -scoff LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -befar LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -abuchear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abuchear LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -abuchear CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -flout REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -flout LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -lanzar_improperios_contra LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -acomodar_en_barracas STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -colocar_en_barracas STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -barrage CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -bombard THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -bombard ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bombard CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -bombard DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -bombardear THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -bombardear ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bombardear CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -bombardear DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -barrage_jam STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -embarrilar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -entonelar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -barrel PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -parapetarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -protegerse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -protegerse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -parapetar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -barricado STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -levantar_barricadas STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -trocar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -trocar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -trocar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -barter CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -troquer CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -barter_away CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -implantar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -implantar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -implantar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -implantar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -implantar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -implantar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -implantar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -implantar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -basar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -basar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -fundamentar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -baser GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -baser BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fonder GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -instituir GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -instituir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -instituir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -instituir ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -found GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -found ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -sustentar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -sustentar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -sustentar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -sustentar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -sustentar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -sustentar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -sustentar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -sustentar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -instaurar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -instaurar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -instaurar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -instaurar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -base GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -base BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -base BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -fundar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -fundar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -establish SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -establish PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -establish ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -establish GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -establish STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -free-base BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -drogar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -drogar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -drogar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -drogar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -whap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bop DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bop HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -sock HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -zurrar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -zurrar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cascar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -cascar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -whop HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bash HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -se_prélasser SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -se_prélasser ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -gustar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -gustar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -gustar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -gustar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -gustar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -gustar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -savour EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -savour COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -savour TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -savour ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -disfrutar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -disfrutar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disfrutar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -disfrutar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -disfrutar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -disfrutar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -disfrutar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -enjoy BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -enjoy LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -enjoy UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -enjoy ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -savor EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -savor COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -savor TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -savor ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -bask SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -bask ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -gozar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -gozar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -gozar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -saborear EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -saborear COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -saborear TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -saborear ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -saborear TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -jouir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -jouir LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -jouir ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -aimer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -aimer ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -relish ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -tostarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tostarse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -crop_out APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -basset APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -bastardise WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -bastardise DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -bastardize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -bastardize DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -bañar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -bañar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bañar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bañar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -bañar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -rociar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -rociar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -rociar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -rociar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -rociar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rociar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -baste WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -baste SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -baste HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bâtir SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -hilvanar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -hilvanar SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -embastar SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -faufiler SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -pespuntear SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -rosser HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -apalear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -golpear_duramente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tabasser LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -tabasser HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -batter SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -batter HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -moler MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -moler HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -moler MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -moler CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -moler DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -moler BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -moler HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -moler PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -batir_a_golpes HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -passer_à_tabac HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -clobber DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -clobber HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tanner HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bastinado HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -drub DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -thrash MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -thrash MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -thrash TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -thrash HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -thrash DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -thrash DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -lick TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -lick DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -lick EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -lick DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -bat MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bat COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -bat USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -bat HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bat DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -batear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -batear DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -cream REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cream CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -cream DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -cream PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cream ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -flutter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -flutter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -flutter MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -flutter FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -parpadear_ligeramente MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pestañear DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -pestañear FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -pestañear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -aletear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -aletear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bat_mitzvah COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -batch AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -lotear AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -bate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -bate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bate WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -batfowl HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -bañarse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -baigner FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -baigner WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -prendre_un_bain WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -se_baigner WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -bath WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lavar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -lavar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -lavar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -bathe LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -bathe WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -batik COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -batten LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -batten SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -planchéier LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -listonar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -entablillar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -latter LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -asegurar_con_tablas LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -batten_down LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -knock_about EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -knock_about HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -zarandear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -zarandear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -zarandear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -buffet HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -zangolotear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -zangolotear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -abollar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -abollar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -abollar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -dinge DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -dinge SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -batallar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -batallar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -battle FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -combat FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -luchar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -luchar RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -luchar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -luchar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -luchar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -luchar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bawl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bawl SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -bawl CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -vociferar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -vociferar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -vociferar SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -vociferar LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -vociferar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -vociferar SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -emitir_un_chillido MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -berrear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -berrear SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -berrear CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -vocear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -vocear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -vocear SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -vocear OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -yawp MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -yawp OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -rugir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rugir SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -rugir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rugir RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -rugir CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -bramar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bramar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -bramar SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -bramar AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -bellow MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bellow SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -llorar_a_gritos SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -remonstrate REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -remonstrate OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -dar_una_paliza REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -dar_una_paliza HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_una_paliza DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -increpar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -call_on_the_carpet REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -lambast REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -lambast HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chew_out REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -lambaste REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -lambaste HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tener_unas_palabras REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -dress_down DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -dress_down REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -have_words REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -poner_verde REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -chew_up REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -take_to_task REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -rechazar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rechazar RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -rechazar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -rechazar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rechazar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -rechazar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -rechazar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -reproof REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -criticar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -criticar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -criticar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -bawl_out REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reprochar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -reprochar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -retar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -retar COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -retar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -retar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -jaw SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -jaw REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -jaw EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -reprimand REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reprimand CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -trounce REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -trounce HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -trounce DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -reconvenir MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -reconvenir REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reconvenir DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -reprender_a_gritos REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -rebuke REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -lecture SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -lecture REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -berate REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -echar_una_reprimenda REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -regañar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -chide REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -scold REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -scold OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -aullar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -aullar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aullar LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -bay MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bay SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -quest SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -quest MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -quest ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -bayonet PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -ser EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ser WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -ser REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -ser HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -ser MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -ser EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -ser RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -ser STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -estar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -estar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -estar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -estar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -estar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -être EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -être EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -être LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -be EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -be WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -be SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -be REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -be HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -be MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -be EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -be COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -be STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -significar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -significar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -significar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -significar MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -equal MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -égaler MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -égaler RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -equivaler MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -equivaler BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -ser_equivalente MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -caracterizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -caracterizar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -encarnar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -encarnar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -personificar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -personificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -embody REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -personify REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -représenter SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -représenter PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -représenter REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -vivre EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -vivre STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -live CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -live EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -live KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -live STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -durar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -durar EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -durar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -existir EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -vivir CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -vivir EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -vivir STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -exister EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -haber EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -haber STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -haber HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -exist EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -consistir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -consistir GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -consistir INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -comprise EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -comprise INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -constituir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -constituir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -constituir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -constituir INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -constituir REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -constituir CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -constituir ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -constituir SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -constituir INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -make_up EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -make_up PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -make_up CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -make_up REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -make_up DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -make_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -make_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -make_up ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -make_up SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -consister EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pasar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -pasar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -pasar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -pasar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pasar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pasar SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -pasar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -pasar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -pasar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -pasar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -pasar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pasar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -pasar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -pasar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -pasar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -pasar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -pasar VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -pasar DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -pasar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pasar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -suceder APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -suceder RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -suceder COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -suceder HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -ocurrir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ocurrir APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -ocurrir THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -ocurrir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -costar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -costar COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -cost IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -cost COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -be_active MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -estar_activo MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -soplar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -soplar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -soplar DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -soplar AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -soplar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -soplar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -flotar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flotar HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -flotar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -flotar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -flotar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -flotar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -flotar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -flotar FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -flotar DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -flotar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -souffler TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -drift AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -drift MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -drift MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -drift TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -drift EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -drift RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -drift CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -drift LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -float MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -float DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -float GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -float CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -float TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -float FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -float DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -float DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -dériver TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -be_adrift TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -plan PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -plan CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -be_after PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -planear PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -planear FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -planear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -planificar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -misunderstand INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -malentender INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -misconceive INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mal_interpretar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -misconstrue INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -entender_mal MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -entender_mal INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -be_amiss INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -juzgar_mal INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -misapprehend INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -equivocar MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -equivocar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -malinterpretar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -malinterpretar READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -malinterpretar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -misinterpret INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -esforzarse EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -esforzarse WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -esforzarse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -esmerarse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -be_at_pains TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -take_pains TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -be_born GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -be_due RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -resultar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -resultar DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -resultar COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -resultar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -resultar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -resultar COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -flow_from RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -be_full SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -estar_lleno SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -tender BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -tender OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -tender COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -tender LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -tender REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -run SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -run MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -run CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -run BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -run CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -run COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -run PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -run RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -run FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -run AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -run BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -run CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -run OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -run LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -run HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -run MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -run MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -run ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -run TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -run HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -run CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -run RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -run CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -run EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -run EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -run COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -run SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -run HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -run LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -be_given BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -tend BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -tend MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -tend HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -incline BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -incline CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -incline TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -incline INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -incline FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -incline BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -be_on TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -exultar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exultar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -exult CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exult ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -be_on_cloud_nine ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -jump_for_joy ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -walk_on_air ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -know_what's_going_on KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -be_on_the_ball KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -know_the_score KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -know_what's_what KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -be_with_it KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -button_up SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -close_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -close_up SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -close_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -close_up JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -callarse MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -callarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -silenciar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -silenciar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -silenciar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -silenciar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -callar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -callar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -callar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -callar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -shut_up CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -shut_up MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -shut_up SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -clam_up SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -keep_mum SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -be_quiet SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dummy_up SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dummy_up SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -belt_up SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -be_well EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -beach LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -beacon LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -beacon DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -balizar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -balizar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -bead EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -bead SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -bead SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -adornar_con_cuentas EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -pick REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pick PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -pick CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -pick EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pick CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pick HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pick BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pick INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pick PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -pick GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -pick STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -beak HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -picotear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -picotear REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -picotear EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -picotear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -picorer EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -picorer HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -peck TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -peck CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -peck EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -peck HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -radiate LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -radiate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -radiate DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -radiate ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -radiate EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -radiate COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -shine EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -shine LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -shine REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -shine ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -shine WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -shine COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -shine FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -resplandecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -resplandecer LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -resplandecer RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -irradiar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -irradiar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -irradiar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -irradiar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -irradiar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -irradiar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -glow COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -glow CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -glow LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -glow ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -brillar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -brillar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -brillar REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -brillar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -brillar FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -lucir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -lucir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -lucir LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -lucir COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -lucir SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -relucir LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -relucir REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -relucir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -luire LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -relumbrar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -briller LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -briller EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bean HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -gestate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -gestate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -have_a_bun_in_the_oven GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -mettre_au_monde GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -alumbrar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -alumbrar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -entregar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -entregar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -entregar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -entregar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -entregar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -entregar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -entregar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -entregar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -entregar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -entregar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -entregar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -entregar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -entregar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -tener EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -tener CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tener SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -tener FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -tener CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -tener UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -tener POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -tener REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -tener GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -birth GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -deliver HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -deliver CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -deliver THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -deliver GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -deliver SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -deliver DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -deliver CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -deliver GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -accoucher GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -parir GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -parir GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -parir IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -dar_a_luz GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -dar_a_luz GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -traer_al_mundo GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -give_birth GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -give_birth IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -donner_naissance GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -poseer INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -poseer CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -poseer POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -encerrar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encerrar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -encerrar CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -encerrar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -levantar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -levantar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -levantar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -levantar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -levantar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -levantar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -levantar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -levantar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -levantar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -levantar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -levantar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -levantar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -porter TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -porter CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -porter DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -porter LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -porter STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -porter ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -exercer TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -exercer STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -exercer POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -ejercer HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -ejercer WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -ejercer POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -ejercer CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -ejercer AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -ostentar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -ostentar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -ostentar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -ostentar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -ostentar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -ostentar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -devengar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -devengar EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -rendir EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -rendir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -rendir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -rendir APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -rendir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rendir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -rendir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -llevarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -llevarse TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -llevarse CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -llevarse BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -llevarse SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -llevarse WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -llevarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -llevarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -llevarse STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -bear_away CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -carry_away CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -take_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -take_away REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -take_away CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -take_away EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bear_off CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -bear_down EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -bear_down BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -bear_down ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bear_down FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -bear_down PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -subyugar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -subyugar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -overbear BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -overbear OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -overbear PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pujar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -pujar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -pujar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -pujar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -cargar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cargar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cargar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -cargar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -cargar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -cargar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -cargar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -cargar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -cargar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -cargar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -cargar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -cargar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cargar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -cargar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -cargar FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -embestir BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -embestir ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -embestir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -press_down_on PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -bear_down_on REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -bear_down_on PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -versar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -drag_down PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -weigh_down CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -weigh_down PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -bear_down_upon REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -recordar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -recordar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -recordar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -recordar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -recordar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -recordar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -recordar RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -bear_in_mind REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -mente REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -mind REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -mind WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -mind MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -mind THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -mind FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -mind OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -acordarse REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -tener_en_cuenta TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -tener_en_cuenta REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -tener_en_cuenta CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -respectar REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -incumbir REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -incumbir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -incumbir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -concerner REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -have-to_doe_with REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -come_to REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -come_to CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -come_to AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -come_to BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -concern REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -concern CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -concernir REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -concernir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -competer REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -competer COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -tratarse REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -atañer REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -atañer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pousser PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -pousser MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -preservar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -preservar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -preservar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -uphold ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -uphold PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -continuar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -continuar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -continuar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -continuar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -continuar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -continue EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -continue CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -continue REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -continue SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -continue PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -continue GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -préserver PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -persistir REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -persistir EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -persistir PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -persistir CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -preserve RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -preserve PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -preserve PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -underpin STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -underpin STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -bear_out STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -animarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -animarse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -animarse CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -bear_up CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -mostrar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -mostrar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -mostrar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -mostrar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -mostrar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -mostrar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -mostrar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -prove AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -prove TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -prove INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -prove PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -ser_testigo PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -show SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -show APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -show RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -show WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -show PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -show DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -show SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -beard BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -overreach DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -overreach DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -outfox OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outfox DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -outwit DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -circumvent ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -circumvent ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -circumvent DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -outsmart OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outsmart DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -golpear_repetidamente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -derrotar RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -derrotar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -derrotar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -derrotar WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -derrotar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -beat_out PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -beat_out DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -vaincre DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -aplastar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -aplastar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -aplastar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -aplastar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -aplastar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -aplastar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -aplastar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -aplastar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -aplastar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -vanquish DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -crush CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -crush STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -crush HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -crush DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -crush BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -crush SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -crush PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -shell REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -shell FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -shell ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -shell HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -shell DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -shell CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -shell GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -battre PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -battre AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -battre MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -battre DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -pound MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pound RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -pound TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pound SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -pound HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pound BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -thump MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -thump MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -thump HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -latir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bunk LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -bunk LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -bunk STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -desbrozar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -desbrozar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -picar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -picar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -picar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -picar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -picar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -picar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -picar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -picar DIET I-Agent B-Agent B-V I-V O -picar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -picar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -picar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -picar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -picar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -picar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -picar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -picar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -quemar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -quemar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -quemar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -quemar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -quemar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -quemar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -work_over HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -beat_up GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -beat_up HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tamborear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tamborilear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -golpetear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -golpetear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -golpetear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -golpetear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -golpetear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -thrum MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -thrum PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -drum MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -drum PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -drum STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -martillear MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -martillear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -martillear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -martillear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -agotarse EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -agotarse CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -agotarse FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -agotarse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -agotarse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -agotarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -tucker EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -tucker_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -wash_up EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -wash_up CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -wash_up WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -exhaust FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -exhaust EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -exhaust CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -exhaust CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -agotar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -agotar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -agotar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -agotar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -agotar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -scramble MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -scramble RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -scramble RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -scramble MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ticktock MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tick MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tick SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -tick SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -ticktack MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -flap BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -flap TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -flap PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -flap MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -marcar_el_ritmo ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -marcar_el_ritmo PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -quiver MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pulsate EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -pulsate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -batirse_en_retirada LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -beat_a_retreat LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -cast_about SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -cast_around SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -rebuscar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -rebuscar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -beat_about SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -tergiverser DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -tergiversar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -tergiversar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -tergiversar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -tergiversar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -usar_equívocos DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -equivocate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -prevaricate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -prevaricar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -beat_around_the_bush DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -mentir DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -mentir LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -palter DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -repel DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -repel CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -repel REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -repel DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -push_back DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -repulsar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -repulsar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -beat_back DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -force_back DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -repeler DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -repeler CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -repeler DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -repeler FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -repulse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -repulse DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -drill_in TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -machacar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -machacar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -machacar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -machacar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -machacar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -machacar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -machacar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -reiterar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -reiterar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -reiterar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -beat_in TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -ram_down TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -ram_down HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -hammer_in TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -thump_out PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -golpear_al_ritmo PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dar_golpes PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -tap_out PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -enrolar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -enrolar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -enrolar HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -reclutar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -reclutar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -reclutar HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -reclutar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -drum_up GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -béatifier CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -béatifier APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -beatify CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -beatify APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -beatificar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -canonizar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -divertirse PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -divertirse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -divertirse LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -tickle_pink CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exhilarate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -inebriate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -inebriate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -inebriate FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -thrill CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -thrill AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -thrill MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -thrill ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -regocijarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -embellir EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -prettify EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -hermosear EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -fancify EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -beaver_away WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -beaver WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -bailar_bop DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bebop DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -ballar DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -mover_el_esqueleto DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_bebop DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -becalm MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -estabilizar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -estabilizar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -estabilizar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -estabilizar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -steady MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -steady STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -estabilizarse COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -estabilizarse MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -estabilizarse STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -calm MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -calmarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -calmarse MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -tranquilizarse MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tranquilizarse MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -acaecer APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -acaecer HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -befall HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -acontecer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -acontecer APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -acontecer HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -betide HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -bechance HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -happen APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -happen FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -happen HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -se_passer SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -se_passer HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -se_produire HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -enamorar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -enamor LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -enchant CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enchant LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -enchant BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -trance LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -fascinar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fascinar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -fascinar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -fascinar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -fascinar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -charm PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -charm LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -charm PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -charm MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -embrujar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -embrujar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -embrujar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -deleitar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deleitar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -deleitar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -bewitch LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -bewitch ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -bewitch BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -captivate LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -beguile LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -beguile DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -becharm LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -becharm MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -enamour LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -entrance LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -entrance CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fascinate LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -fascinate LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -fascinate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hacer_ceña SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -hacer_señas SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -wave MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -wave MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -wave ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -wave EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -wave SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -beckon SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -beckon LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -beckon SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -llamar_con_señas SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -cloud CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cloud DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -cloud DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -cloud COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -cloud COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -cloud RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -cloud CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -haze_over CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -obscure EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -obscure MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -obscure CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -obscure CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -becloud CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -mist COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -mist CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -masquer CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -velar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -velar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -obnubilate MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -obnubilate CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -ocultar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ocultar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -cubrir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cubrir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cubrir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -cubrir EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -cubrir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cubrir FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -cubrir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cubrir PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -cubrir LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -cubrir REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -cubrir REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -cubrir ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cubrir HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -cubrir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -cubrir DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -cubrir PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cubrir CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -cubrir OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -cubrir INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -anieblarse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -voiler CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -tapar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -tapar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -tapar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -tapar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -fog CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -befog CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -nublarse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -become EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -become BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -become CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -llegar_a_ser BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -llegar_a_ser CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -devenir CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -go MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -go CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -go BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -go CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -go GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -go PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -go SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -go PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -go CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -go OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -go LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -go GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -go BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -go LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -go FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -go CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -go DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -go EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -go EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -go ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -go FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -go KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -go COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -go ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -go HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -volverse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -volverse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -volverse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -tornar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -tornar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -iniciar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -iniciar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -iniciar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -iniciar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -iniciar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -iniciar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -iniciar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -iniciar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -iniciar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -iniciar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -venir_bien EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -transformarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transformarse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -convertir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -convertir FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -convertir CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -convertir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -convertir CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -convertir CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -turn TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -turn OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -turn DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -turn HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -turn MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -turn EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -turn COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -turn GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -turn SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -turn CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -turn EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -turn OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -turn DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -turn CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -turn FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -turn INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -turn DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -turn PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -turn SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -turn SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -convertirse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -convertirse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -convertirse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -die CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -die FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -die HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -die REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -die KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -die LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -die BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -die SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -pall CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pall SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -pall DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -pall CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -pall BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pall WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -pall WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -become_flat BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -sack_out SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -echarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -echarse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -echarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -echarse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -echarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -hit_the_hay SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -ir_a_dormir SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -crawl_in SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -go_to_bed SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -turn_in SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -turn_in GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -turn_in PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -turn_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -hit_the_sack SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -tenderse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -tenderse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -tumbarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -encamarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -estirarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -estirarse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -estirarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -estirarse STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -estirarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -estirarse EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -irse_al_catre SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -go_to_sleep SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -kip_down SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dar_cama LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -ser_promiscuo HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bed-hop HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -sleep_around HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bedhop HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -acostarse_con_cualquiera HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bed_down SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -bunk_down SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -embadurnar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -embadurnar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -embadurnar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -besmear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -untar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -untar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -untar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bedaub COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -stun CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stun HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -daze CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bedaze CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deslumbrar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -deslumbrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deslumbrar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dazzle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bedazzle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -encandilar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -encandilar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -ofuscar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ofuscar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ofuscar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -ofuscar COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -ofuscar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -bedight EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -bedeck EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -engalanar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -crucify TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -crucify KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -crucify RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -crucify CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -torturar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -torturar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -torment TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -torment HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -martirizar TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -martirizar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -martirizar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -bedevil TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -bedevil CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dun COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -dun TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -dun ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -dun PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -discombobulate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -throw CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -throw MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -throw CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -throw THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -throw OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -throw SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -throw KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -throw DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -throw ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -throw DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -throw PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -throw FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -throw GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -dejar_perplejo CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dejar_perplejo COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -desorientar ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -desorientar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desorientar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -fuddle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fuddle DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -fox CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fox DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fox CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -confuse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -confuse MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -confuse MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -befuddle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -confound CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -confound MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -bedew WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -benight WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -benight DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -bedim EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bedim DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -ennegrecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ennegrecer DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -obscurecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -obscurecer CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -obscurecer DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -ensombrecer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ensombrecer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -ensombrecer CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -ensombrecer DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -overcloud EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -overcloud CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -nublar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -nublar SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -nublar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -nublar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -bedizen DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -bedizen WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -emperifollar_vulgarmente WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -emperejilarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -emperifollarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -dizen DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -bedraggle WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -draggle WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -embarrar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -embarrar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -embarrar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -pringar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -quejarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -quejarse ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -quejarse REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -quejarse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -quejarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -quejarse SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -grouse HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -grouse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -holler MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -holler SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -holler OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -bellyache OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -squawk SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -squawk OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -beef OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -graznar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -graznar SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -graznar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -chillar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chillar SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -chillar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -quejar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -quejar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -gripe OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -gritar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -gritar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gritar SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -gritar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -lamentarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lamentarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -lamentarse CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -lamentarse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -dolor_de_barriga OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -crab HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -crab MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -crab OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -crab DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -beef_up STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fortalecer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -fortalecer HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -fortalecer AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -fortalecer ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -fortalecer STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fortalecer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -strengthen HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -strengthen STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -reforzar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -reforzar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -reforzar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -reforzar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -reforzar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -consolidar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -consolidar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -consolidar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -consolidar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -consolidar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -beep SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -beep MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -toot MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tocar_el_claxon MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -claxon MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tocar_la_bocina MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pitar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pitar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -blare MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -beeswax COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -beetle HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -beetle GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -beetle HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -sobresalir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -sobresalir HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -sobresalir EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -sobresalir BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -overhang HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -overhang BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -run_out SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -run_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -run_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -run_out CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -run_out FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -run_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -run_out FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -salir_huyendo LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -beetle_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -escaparse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -escaparse COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -escaparse MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -escaparse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -bolt_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -beseem HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -ser_propio_de HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -ser_adecuada HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -befit HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -befool JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -befool DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -gull JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -gull DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -falsear MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -falsear DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -falsear FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -falsear REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -embabucar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -put_one_over DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -traiter_de_tous_les_noms OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -traiter_de_tous_les_noms SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -traiter_de_tous_les_noms DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -embaír DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -embaucar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -embaucar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -slang OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -slang SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -slang DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -put_one_across DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -engatusar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -engatusar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -engatusar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -dupe DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -timar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -timar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -macular DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -macular DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -defile DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -defile DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -emporcar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -ensuciar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -ensuciar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -polucionar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -maculate DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -contaminar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -contaminar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -befoul DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -manchar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -manchar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -manchar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -manchar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -manchar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -manchar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -manchar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -befriend BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -hacer_amigos BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -hacerse_amigo_de BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -etilizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -atontar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -implore ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -pray SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -pray ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -rezar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rezar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -beg ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -beg ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -mendigar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -tap LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tap BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -tap SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -tap REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tap CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tap MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tap HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -tap DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -tap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tap ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -tap TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -tap DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -beg_off ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -concebir GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -concebir IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -concebir THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -concebir ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -generate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -generate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -generate GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -sire GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -engendrar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -engendrar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -father GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -mother GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -mother HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -generar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -generar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -generar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -generar GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -generar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -bring_forth CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -bring_forth SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -bring_forth GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -bring_forth GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -beget GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -engender CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -engender GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -empobrecer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -empobrecer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -pauperize STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -depauperar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -pauperise STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -beggar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -beggar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -gild EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -dorer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -engild EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -begild EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -begin BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -begin SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -partir CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -partir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -partir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -partir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -partir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -partir DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -partir START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -partir BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -partir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -débuter BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -débuter LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -empezar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -empezar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -empezar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -commencer BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -démarrer BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -démarrer START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -commence BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -principiar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -arrancar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -arrancar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -arrancar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -arrancar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -arrancar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -arrancar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -arrancar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -arrancar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -arrancar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -comenzar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -comenzar PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -comenzar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -comenzar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -start PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -start BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -start WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -start START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -start JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -start LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -start BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -lead_off BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -lead_off TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -estrenar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -estrenar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -estrenar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -estrenar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -estrenar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -estrenar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -estrenar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -estrenar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -get_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -get_down CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -get_down BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -get_down LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -get_down EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -get_down WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -start_out BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -start_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -grime DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -encrasser DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -soil DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enmugrecer DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -cochonner DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -souiller DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -begrime DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -dirty DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -bemire DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -colly DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -envidiar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -envidiar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -envy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -begrudge LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -begrudge CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -envier CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -resent LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -resent DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -juggle PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -juggle MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -juggle DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -juggle COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -conducir BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -conducir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -conducir MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -conducir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -conducir CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -conducir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -conducir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -conducir WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -conducir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -conducir LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -conducir MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -conducir DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -conducir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -decapitate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -guillotiner KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -decapitar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -behead KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -decollate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -descabezar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -décapiter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -lay_eyes_on SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -behold SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -distinguir APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -distinguir DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -distinguir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -distinguir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -distinguir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -distinguir SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -distinguir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -distinguir SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -distinguir RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -divisar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -divisar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -ojear SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -ser_apropiado REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -behoove REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -behove REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -alhajar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -bejewel EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -enjoyar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -jewel EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -belabour WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -belabour CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -belabour HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -belabor WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -belabor CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -belabor HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -belay SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -amarrar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -amarrar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -amarrar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -amarrar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -eruct EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -eruct SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -belch EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -belch EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -burp EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -eructar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -regoldar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -extravasate SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -extravasate EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -entrar_en_erupción EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -entrar_en_erupción BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -entrar_en_erupción APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -erupt OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -erupt BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -erupt BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -erupt EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -erupt APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -erupt EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -cercar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cercar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cercar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -cercar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -surround COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -surround ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -surround STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -assiéger ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -asediar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -asediar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sitiar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -besiege ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -besiege CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hem_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -misrepresent FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -misrepresent REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -desvirtuar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -desfigurar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -desfigurar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -desfigurar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -desfigurar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desfigurar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -belie SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -belie REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -falsificar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -falsificar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -falsificar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -falsificar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -falsificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -falsificar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -negate SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -negate REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -negate COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -negate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -desmentir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desmentir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -desmentir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -contradict SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -contradict REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -contradict PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -contradict OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -creer SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -creer FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -creer IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -creer BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -creer THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -creer FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -croire SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -croire BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -believe SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -believe BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -believe FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -pensar REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -pensar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -pensar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -pensar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -pensar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -pensar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pensar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -pensar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -penser SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -penser AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -penser BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -penser THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -consider TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -consider CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -consider SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -consider SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -consider UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -consider INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -conceive SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -conceive GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -conceive THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -think PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -think REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -think CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -think SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -think IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -think BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -think THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -believe_in BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -belittle DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -belittle CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pick_at MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -pick_at EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pick_at CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -disparage CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -menospreciar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -menospreciar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -menospreciar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -menospreciar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -menospreciar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -menospreciar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -rebajar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -rebajar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -rebajar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -rebajar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -rebajar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -diminish REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -diminish DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -quitar_importancia DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -derogate DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -minimize REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -minimize DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -bell ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -bell_the_cat RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -exponerse RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -roar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -roar LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -roar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -roar CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -roar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -belly_out BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -belly BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -dar_un_panzazo DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -belly-flop DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -belly-land LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -belly_dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bellylaugh LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -belong FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -belong LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -belong POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -belong SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -belong HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -residir GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -residir STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -residir INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -residir POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -habitar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -habitar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -habitar GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -habitar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -habitar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -viure POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -belong_to POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -radicar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -radicar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -ceñir ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -ceñir SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -ceñir DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -apretarse SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -apretarse AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -belt SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -belt SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -belt HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -correar SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -correar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -belt_out SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -bucket_along RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -hie RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -precipitarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -precipitarse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -precipitarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -precipitarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -cannonball_along RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -hasten SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -hasten BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hasten RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -rush_along RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -pelt_along RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -precipitar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -precipitar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -precipitar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -precipitar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -lanzarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -lanzarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -lanzarse ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -lanzarse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -lanzarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -belt_along RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -rush BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -rush SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -rush ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -rush RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -rush OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -apresurarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -apresurarse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -darse_prisa RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -correr ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -correr TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -correr OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -correr RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -correr PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -correr LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -correr CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -correr COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -correr FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -correr GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -race COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -race RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -hotfoot RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -step_on_it RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -pour_down DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -down AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -down EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -down DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -down DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -drink_down DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -toss_off WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -toss_off DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -beberse DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -bolt_down DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -bolt_down EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -terminarse DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -belt_down DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -acabarse FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -acabarse DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -acabarse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -pop MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pop MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pop EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -pop APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -pop EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pop HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pop DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -pop UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -pop SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pop BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -kill CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -kill EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -kill STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -kill FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -kill SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -kill HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -kill CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -kill KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -kill HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -kill DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -boulonner DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -boulonner EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -servirse DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -lamentar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lamentar REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -lamentar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -lamentar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -bewail REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -deplore REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -deplore CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -deplorar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deplorar REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -deplorar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -bemoan REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -sentir REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -sentir ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -sentir UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sentir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -sentir KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -sentir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sentir BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -sentir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -sentir TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -sentir HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -sentir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -sentir FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -sentir SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -lament CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lament REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -mock JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -ridiculizar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -ridiculizar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -bemock JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -se_moquer_de JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -bemuse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exclure_du_jeu REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -exclure_du_jeu SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -bench REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bench SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -doblar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -doblar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -doblar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -doblar LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -doblar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -doblar BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -doblar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -doblar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -doblar BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -doblar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -doblar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -doblar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -doblarse BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -doblarse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -bend TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -bend LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -bend BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -bend SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -flex SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -flex BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -flex SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -flexionar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -flexionar BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -doblegar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -doblegar BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -doblegar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -rotar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -rotar ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -rotar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rotar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -rotar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -rotar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -rotar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -rotar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -rotar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -girar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -girar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -girar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -girar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -girar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -girar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -girar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -girar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -girar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -girar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -girar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -girar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -girar FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -girar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -girar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -girar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -girar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -curvar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -curvar BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -curvar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -deform BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -deform SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -twist TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -twist HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -twist MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -twist DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -twist PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -twist DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -twist EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -twist SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -stoop FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -stoop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -stoop LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -stoop DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -crouch LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -crouch LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -agachar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -agachar LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -bend_over_backwards BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -fall_over_backwards BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -benday CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -benefact HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -hacer_de_benefactor HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -benefice BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -beneficiate PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -sacar_provecho BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -sacar_provecho EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -beneficiarse BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -profiter BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -obtener_frutos BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -benefit BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -benefit HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -tirer_profit BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -profit BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -profit EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -sacar_ventaja BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -bénéficier BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -tirer_parti BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -do_good HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -benficiate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -anochecer DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -oscurecer DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -oscurecer CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -oscurecer DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -oscurecer TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ignorar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -ignorar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ignorar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -ignorar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -ignorar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -ignorar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -ignorar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -adormecer SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -adormecer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -benumb WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -dull STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -dull DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -dull BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dull CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -dull WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -dull WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -blunt BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -blunt WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -numb WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -plaster PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plaster ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -plaster COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -beplaster COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -legar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -legar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -heredar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -heredar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -heredar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -bequeath GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -will CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -will GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -will ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -bereave KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -berry GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -berth LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -berth SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -tie_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -tie_up SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -tie_up PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -tie_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -moor SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -atracar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -atracar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -atracar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -atracar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -accoster SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -fondear SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -fondear LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -quai MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -quai SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -quai LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -quai RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -atraque SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -wharf MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -wharf SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -wharf LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -wharf RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -incrust CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -incrust COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -incrust EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -encrust CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -encrust COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -encrust EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -incrustar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -incrustar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -incrustar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -incrustar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -incrustar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -beset CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -beset ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -beset EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -chevvy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -harass CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -harass EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -perseguir SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -perseguir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perseguir CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -perseguir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -perseguir FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -perseguir COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -plagar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -plagar ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -acosar_sexualmente CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -molestar_repetidamente CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -molest CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -molest ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -chivy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hassle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -plague BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -plague CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -chevy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -chivvy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -harry CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -harry DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -aperrear CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -set_upon ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -mancillar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -mancillar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -embrutecerse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -s'abêtir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -idiotizarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -atontarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -besot CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -abobar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -embrutecer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -spangle LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -spangle EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -estrellar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -estrellar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -estrellar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -estrellar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bespangle COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bespangle EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -constelar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -constelar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -constelar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -salpicar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -salpicar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -salpicar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -salpicar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -salpicar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -salpicar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -salpicar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -spatter METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -spatter WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -spatter DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -bespatter DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -request ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -bespeak ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -bespeak SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -signal SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -signal SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -motear PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -motear DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -motear SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -speckle PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -bespeckle PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -bespot SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -sprinkle METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -sprinkle WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sprinkle COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -regar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -regar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -sparge WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sparge MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -besprinkle WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -scoop REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -scoop WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -outflank WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -outflank OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -aventajar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -aventajar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -aventajar WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -aventajar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -aventajar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -best WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -derrotar_con_trampas WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -barrer_con WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -outdo WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -outdo OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -trump PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -trump SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -trump MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -trump WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -superar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -superar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -superar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -superar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -superar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -superar WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -superar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -superar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -bestialise WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -bestialize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -bestializar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -bestir AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -get_started BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -get_going BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -get_cracking BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -get_rolling BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -get_moving BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -movilizarse MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -movilizarse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -get_weaving BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -bestir_oneself BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -mover TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -mover PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -mover BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -mover HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mover MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -mover BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -mover GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ponerse_en_marcha BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -accorder ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -accorder GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -confer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -confer DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -sembrar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -sembrar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -sembrar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sembrar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -bestrew COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -climb_on CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -mount MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -mount BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -mount CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -mount INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -mount HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -mount ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -mount RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bestride CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -hop_on CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -mount_up CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -jump_on CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -bet RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -bet GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -bet BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -wager GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -wager BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -hacer_una_apuesta BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -jugarse BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -depender IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -depender RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -count EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -count TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -count COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -count REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -count RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -count INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -faire_confiance_à RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -reckon TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -reckon SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -reckon CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -reckon BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -reckon RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -reckon INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -depend IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -depend RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -desplazarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -desplazarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -betake_oneself GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -bethink THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -betray BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -betray REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -betray FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -betray DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -wander BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -wander SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -wander TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -cheat_on BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -traicionar BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -traicionar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -traicionar FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -cuckold BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -tromper BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -tromper DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -poner_los_cuernos BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -ser_infiel BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -cheat BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -cheat DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -cheat STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -vender GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -vender PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -vender WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -vender INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -vender SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -vender BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -sell PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -sell APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -sell WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -sell GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -sell SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -sell BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -fallar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -fallar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -fallar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fallar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fallar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -fallar FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -fail SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -fail FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fail BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fail WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -fail FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -bewray REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -give_away GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -give_away BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -give_away REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -give_away CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -snitch BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -snitch STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -tell_on BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -tell_on AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -trahir BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -shit BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -shit EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -rat INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -rat BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -rat LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -rat HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -rat HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -denounce ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -denounce BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -denounce SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -denounce CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -grass COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -grass NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -grass BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -grass KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -grass DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -shop SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -shop BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -shop ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -shop BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -stag BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -stag ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -stag SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -cafter INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cafter BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -cafter LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -cafter HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cafter HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -dénoncer BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -deceive DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -lead_astray DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -lead_astray DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -lead_astray TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -majorer AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -mayorar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -abiselar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -chamfer SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -chamfer CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -bevel SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -biselar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -biselar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -beware WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -tener_cuidado WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -estar_alerta WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -faire_attention WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -bewhisker LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -whisker LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -poner_pelos LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -magnetizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -magnetizar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -embriagar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -embriagar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -embriagar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -mesmerize ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -mesmerize BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -mesmerise ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -mesmerise BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -hechizar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hechizar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -hechizar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -spellbind CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -spellbind STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -spellbind ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -magnetise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -magnetise ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -magnetize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -magnetize ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -hipnotizar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -hipnotizar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -hex BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -glamour BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -ensorceler BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -envouter BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -witch BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -jinx DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -jinx BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -predeterminar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -predeterminar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -bias INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -predetermine DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -predetermine INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -predisponer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -predisponer INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -predisponer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -predisponer POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -darle DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -tipple DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -bib DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -trincar DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -quibble ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -quibble ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -squabble ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -pettifog ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -bicker ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -enzarzar ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -liarla ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -niggle ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -niggle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -brabble ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -bicycle MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -wheel TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -wheel MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -wheel CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -wheel OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -cycle MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -cycle REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -cycle CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -andar_sobre_ruedas MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -faire_du_vélo MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -pedal MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -pedal OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -bicicletear MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_bicicleta MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -montar_bicicleta MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -rodar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -rodar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -rodar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rodar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -rodar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -rodar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -rodar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -rodar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -rodar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -rodar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rodar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pedalear MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -pedalear OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -bike MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -desear MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desear ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -desear HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -desear REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -wish REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -ofrecer LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -ofrecer OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -ofrecer SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -ofrecer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -ofrecer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -ofrecer ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -ofrecer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -offer LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -offer PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -offer OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -offer SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -offer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -offer ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -offer ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -offer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -ofertar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -ofertar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -ofertar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -dar_puñetazos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -abofetear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -apuñetear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -apuñear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -agarrar_a_puñetazos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pommel HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -biff HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pummel HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bifurcate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -bifurcarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -bifurquer SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -se_bifurcan SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -bifurcar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -engazar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -bight SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -engarzar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -engarzar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -engarzar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -take_in_water HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -bilge HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -bilge BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -evade ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -evade SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -evade LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -elude ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -elude EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -elude LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -evadir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -evadir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -rehuir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -rehuir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -cobrar EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -cobrar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -cobrar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -cobrar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -cobrar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -cobrar RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -bill PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -bill CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -anunciar_en_cartelera PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -lanzar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -lanzar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -lanzar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -lanzar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -lanzar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -lanzar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -lanzar PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -lanzar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -lanzar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -lanzar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -anunciar_con_carteles PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -anunciar_en_carteles PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -placard PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -placard ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -publicitar_con_carteles PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -acuartelar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -acantonar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -billet LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -quarter LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -quarter SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -quarter DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -quarter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -canton LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -canton SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -heave MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -heave TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -heave THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -heave BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -heave BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -heave RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -heave GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ondular MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -ondular MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ondular HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -ondular ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -ondular EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ondular RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ondular GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -olear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -surge RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -surge INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -surge GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -surge AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -wallow CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -wallow RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -wallow TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -wallow ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -botar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -botar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -botar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -botar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -botar JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -botar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -botar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -bin DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -empatar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -empatar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -empatar SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -empatar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -constiper HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -constiper SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -estreñir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -constipate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -constipate SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -encuadernar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -obligar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -obligate OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -truss SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -truss STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -tie_down SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -tie_down OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -sujetar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -sujetar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -sujetar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -sujetar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -sujetar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -sujetar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -bind_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -bind_over CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -stuff STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stuff EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -stuff FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -stuff PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -stuff PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -engullir DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -engullir EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gormandize EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -ingurgitate EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -overindulge EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -overgorge EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -overeat EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -atracarse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -dévorer EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gormandise EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -binge EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -engorge EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gorge EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -glut LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -glut EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -englut EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -satiate EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -satiate FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -scarf_out EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pig_out EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -devorar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gourmandize EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bioassay ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -biodegrade DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -varear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_de_varillazos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -birch HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bird STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -birdwatch STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -bird-nest GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -birdnest GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -birdie SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -birdlime COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -lime COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -whirl MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -whirl MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -whirl TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -whirl FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -whirl FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -hacer_girar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -birl MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -spin MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -spin MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -spin CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -spin INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -spin WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -spin FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -spin INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -twirl TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -twirl MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -birle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -whiz MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whirr MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whizz MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whizz RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -silbar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -silbar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -silbar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -silbar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -silbar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -zumbar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -zumbar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -zumbar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -birr MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ronronear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -purr MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bisecar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -bisecar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -bisect CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -bite HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -bite HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -bite EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -dar_un_bocado EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -seize_with_teeth EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mordre EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -morder HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -morder EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -abrasar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -abrasar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -abrasar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -abrasar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -burn CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -burn HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -burn CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -burn DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -burn LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -burn BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -burn INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -incendiar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -incendiar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -incendiar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -incendiar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -incendiar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sting BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -sting HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pinchar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pinchar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pinchar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pinchar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -pinchar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pinchar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pinchar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pinchar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -pinchar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -prick HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -prick RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -prick HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -bite_off EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -snap_at EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bite_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -bitt SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -bitter CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -bituminize TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bituminise TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -tent STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -bivouac STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -camp SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -camp MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -camp STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -camper STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -encamp STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -camp_out STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -acampar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -vivaquear STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -chatter CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -chatter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chatter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clack MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clack SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -piffle BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -piffle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -baragouiner MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -baragouiner SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blabber SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -palabrer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -palabrer PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -palabrer DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -twaddle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tittle-tattle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -prate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -garlar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -prattle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gabble SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -palaver SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -palaver PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -palaver DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -maunder SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -maunder TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -gibber MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -gibber SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -disparatar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -jaser SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -ennegrecerse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ennegrecerse DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -black COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tiznar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tiznar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -tiznar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -melanize COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -melanize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -melanise COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -melanise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -blacken COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -blacken BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -entiznarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -nigrify COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tiznarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -black_market SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -black_marketeer WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -black_out COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -black_out SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -black_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -black_out DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -ensombrecerse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ensombrecerse DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -blacken_out COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -quedar_en_tinieblas COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -desfallecer SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -desfallecer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desmayarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -pass_out SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -pass_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -zonk_out SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -desvanecerse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -desvanecerse FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -desvanecerse SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -desvanecerse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -desvanecerse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desvanecerse DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -borrar FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -borrar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -borrar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -borrar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -obliterar FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -obliterar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -obliterar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -tachar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -tachar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -tachar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -tachar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -votar_en_contra REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -votar_en_contra STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -votar_en_contra CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -negar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -negar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -negative REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -vetar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -vetar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dar_bola_negra REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -veto REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -veto PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -echar_bola_negra REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -blackberry GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -buscar_moras GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -sear BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sear DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -scorch BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -scorch DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -scorch DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -chamuscar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -chamuscar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -requemar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carbonizar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -achicharrar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -achicharrar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -char BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -guy JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -guy STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -burla JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -make_fun JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -poke_fun JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -rib JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -rib SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -roast JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -roast COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -laugh_at JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -jest_at JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -ridicule JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -pressure INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -pressure OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -blackjack INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -chantajear INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -blackmail INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -blackmail STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -blacklead COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -scab BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -scab HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -fink BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -fink RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -blackleg BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -blacklist PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -blacktop COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -blackwash COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -blackwash REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -blame ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -blame CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -fault ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -meterse_con CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -find_fault CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -buscar_defectos CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -blanch COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -blanch COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -empalidecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -blench COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -palidecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -pale COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -escaldar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -escaldar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -escaldar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -sancochar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -parboil COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -halagar FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -halagar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lisonjear FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -blandish FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -blank PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -faire_abstraction_de REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -faire_abstraction_de CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -blank_out REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -blank_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -draw_a_blank REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -olvidar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -olvidar FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -olvidar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -olvidar LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -olvidar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -quedarse_en_blanco REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -avoir_un_trou_de_mémoire REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -forget REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -forget LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -forget FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -oublier REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -blanket COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -recouvrir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -recouvrir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -recouvrir LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -recouvrir INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -blanket_jam STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retumbar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -retumbar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -blast MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -blast SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -blast ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -blast CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -blast HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -blast BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -blast CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -blast BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -blast SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -blare_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blat_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blarney PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -amadouer PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -sweet-talk PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cajole PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -coax PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -wheedle PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -camelar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -inveigle PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -blasphémer OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -blasfemar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -blaspheme OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -cuss OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -jurer OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -imprecar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -knock_down BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -knock_down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -shoot HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -shoot SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -shoot GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -shoot THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -shoot WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -shoot MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -shoot RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -shoot KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -shoot WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -shoot EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -shoot INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -shoot SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shoot RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -shoot DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -shoot SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -faire_feu SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -disparar SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -disparar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -disparar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -disparar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -disparar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -disparar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -disparar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -disparar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -disparar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fracasser HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chafar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -chafar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -boom MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -boom INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -boom HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -arremeter_contra CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -savage ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -savage CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -crucificar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -crucificar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -masacrar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -masacrar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -mettre_au_pilori JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -mettre_au_pilori CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -mettre_au_pilori PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -tratar_salvajemente CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pillory JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -pillory CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pillory PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -blast_off THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -blaze LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -blaze BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -blaze RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -blaze SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -blaze SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -flamear RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -blaze_out RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -tirotear SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -blaze_away PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -blaze_away SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blaze_away SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -flare LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -flare BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flare BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -flare INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -blaze_up BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flame_up BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -llamear BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -burn_up BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -burn_up CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -arder LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -arder BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -arder DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -arder CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -blasonar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -emblazon COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -emblazon EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -blazon EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -blazon_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -crier MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crier SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -crier OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -cry MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -cry SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cry CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -cry REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -pregonar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pregonar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -enlejiar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -bleach COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -bleach REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -blanquear SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -blanquear CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -blanquear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -blanquear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -blanquear CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -decolor REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decolorise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decolorar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decolorar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -decolorar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -decolorize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decolourise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -discolorize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descolorar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descolorar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -descolorar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -decolour REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -discolorise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descolorir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bleach_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -discolourise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decolourize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desdibujarse MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desdibujarse DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -blear DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -blur DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -blur BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -blur MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -blur DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -desdibujar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desdibujar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -difuminar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -difuminar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -difuminar BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -difuminar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -velarse BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -velarse DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -empañar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -empañar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -empañar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -empañar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -empañar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -brouiller DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -saigner EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -bleed SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -bleed STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -bleed EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -bleed COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -hemorrhage EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -sangrar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -shed_blood EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -shed_blood KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -desangrarse EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -purgar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -purgar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -purgar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -purgar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -drenar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -drenar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -drenar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -correrse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -correrse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -flebotomitzar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -phlebotomize EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -phlebotomise EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -extraer_sangre EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -aplicar_sangüijuelas EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -leech EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -bleep MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -blemish BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -blemish HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -spot DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -spot HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -spot SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -spot PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -spot SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -estropier HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -endommager WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -endommager HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -défigurer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -abîmer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -dégrader HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -abimer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -deformar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -deformar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -deformar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -disfigure HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -afear WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -afear HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -afear DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -deface HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -perjudicar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -perjudicar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -perjudicar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -perjudicar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -perjudicar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -flaw BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desmejorar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -añadir_una_imperfección BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -blend COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -blend HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -flux CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -flux HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -flux GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -combiner COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -combiner HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -amalgamer HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -fundir CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fundir HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -fundir HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -meld COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -meld DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -meld HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -commingle COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -commingle HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -coalesce COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -coalesce HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -conflate HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -mêler HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -mélanger HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -merge COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -merge HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -fluidifier CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fluidifier HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -fluidifier GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -entremêler HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -immix HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -conjugar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -conjugar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -conjugar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -fuse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fuse LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fuse HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -blend_in COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -blend_in HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -casar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -casar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -casar EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -casar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -casar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -fusionarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -fusionarse HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -mestallar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -intermix COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -entremezclar ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -entremezclar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -intermingle COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -homogeneizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -homogeneizar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -entremezclarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -immingle COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mezclarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -mezclarse MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mezclarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mezclarse PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -mix_in COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mix_in ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -incorporar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -bless COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -bless GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -bless SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -sign LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -sign HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -sign APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -sign ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -sign WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -sign SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -sign SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -persignarse SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -persignarse SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -bendecir COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -bendecir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -bendecir SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -santificar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -santificar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -santificar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -hallow COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -consagrar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -consagrar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -consagrar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -sanctify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sanctify COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -consacrer HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -consacrer COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -halloween COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -sanctifier CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sanctifier COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -consecrate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -consecrate COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -consecrate FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -bénir COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -blight BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -infestar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -infestar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -infestar ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -blind BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -blind DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -dim MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -dim DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -blindfold BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -blindside CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -blindside ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -guiñar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -guiñar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -guiñar FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -parpadear LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -parpadear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -parpadear FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -nictate FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -blink LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -blink FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -blink DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -wink LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -wink SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -wink FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -wink DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -nictitate FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -winkle LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -winkle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -centellear LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -relampaguear LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -destellar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -twinkle LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -titilar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -flash SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -flash LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -flash APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -flash COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -flash RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -brillar_intermitentemente LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -blink_away DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -blinker PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -fustigar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -fustigar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -scald HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -scald BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -scald CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -scald DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -blister HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -blister CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -azotar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -azotar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -azotar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -azotar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ampollar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -whip MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -whip MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -whip CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -whip DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -whip HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ampollarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -vesicate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -blitz ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -blitzkrieg ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -boursoufler INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -boursoufler BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -bloat INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -bloat BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -fleck DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -blot DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -blot DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -blob DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -immobiliser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -immobiliser STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -immobiliser RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -immobilise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -immobilise STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -immobilise RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -immobilize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -immobilize STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -immobilize RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -congelar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -congelar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -congelar COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -congelar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -congelar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -freeze EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -freeze BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -freeze STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -freeze COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -freeze CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -freeze PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -interceptar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -interceptar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -interceptar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -interferir INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -interferir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -interferir PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -jam STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -jam AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -jam HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -jam FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -jam PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -hinder STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hinder COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -obstruct STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -obstruct CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -entorpecer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stymy STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -apenar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -apenar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stymie STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -estorbar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -estorbar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -estorbar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -parry ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -parry STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -esconder TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -esconder COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -esconder CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -ocluir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -occlude STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -impede STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -obturate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -arrastrar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -arrastrar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -arrastrar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -arrastrar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -arrastrar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -arrastrar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -arrastrar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -arrastrar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -arrastrar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -arrastrar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -lug STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -lug CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -choke_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -kibosh STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -close_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -close_off ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -shut_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -shut_off ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -cerrar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -cerrar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cerrar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cerrar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -cerrar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -cerrar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -proteger WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -proteger STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -proteger COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -proteger PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -proteger TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -proteger DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -block_out PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -block_out SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -block_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -block_out CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -screen SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -screen SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -screen STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -screen ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -screen SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -screen PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -enmascarar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -enmascarar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -enmascarar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -mask DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -mask COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -mask CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -seal_off CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -seal_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bloguear PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -blog PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -blogear PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -blood COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bloody COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ensangrentar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -fleurir GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -florecer DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -florecer GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -florecer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -florecer APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -florecer AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -blossom GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -blossom DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -bloom GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -flower GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -unfold OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -unfold DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -unfold EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -unfold SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -abrirse LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -abrirse OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -abrirse DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -abrirse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -abrirse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -blossom_out DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -blossom_forth DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -enturbiar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enturbiar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -enturbiar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -enturbiar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -blot_out CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -obliterate CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -obliterate CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -obliterate FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -condenar_al_olvido CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -veil CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -hide COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -hide CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -streak DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -streak RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -streak GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -mottle COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -mottle DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -blotch DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -bloviate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -perorar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shove_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -shove_along LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -resoplar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -resoplar REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -resoplar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -resoplar SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -tirar_el_dinero WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -desperdiciar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -squander WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -waste DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -waste WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -waste KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -waste WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -waste DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -waste FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -malgastar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -malgastar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -burn_out BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -blow_out BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -blow_out EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -blow_out RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -tailler_une_plume HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fellationner HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -pomper HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -faire_un_pompier HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fellate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -sucer HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -sucer ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -go_down_on HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -tailler_une_pipe HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -chupar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -chupar ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -chupar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -chuparla HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -faire_une_pipe HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -sonner PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -boast BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -boast DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -vanagloriarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -fanfarronear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -fanfarronear SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -alardear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -alardear DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -alardear SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -gloriarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -bravear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -farolear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -fachendear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -bluster BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -bluster AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -shoot_a_line BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -gas BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -gas ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -creerse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dragonear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -tout BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -tout PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -gallardear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -gasconade BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -jactarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -jactarse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -jactarse ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -vaunt BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -swash BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -swash WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -swash MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -brag BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -ufanarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -blow-dry DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -blow_one's_stack CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -throw_a_fit CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flip_one's_lid CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fly_off_the_handle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -combust CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -combust OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -combust BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -lose_one's_temper CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hit_the_roof CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hit_the_ceiling CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -go_ballistic CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flip_one's_wig CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perder_los_estribos CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -have_a_fit CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -blow_a_fuse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -have_kittens CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -arrebatar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -arrebatar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -arrebatar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -arrebatar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -blow_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -apagarse DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -apagarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -apagarse RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -snuff_out KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -snuff_out RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -extinguir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -extinguir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -extinguir RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -extinguir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -extinguir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -extinguir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -extinguirse FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -extinguirse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -extinguirse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -extinguirse RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -irse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -irse CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -irse RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -irse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -irse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -irse FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -blow_over DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -fleet DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -fleet TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pass_off DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pass_off HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -pass_off EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -pass_off REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -pass_off DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -desaparecer DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -desaparecer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -desaparecer LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desaparecer DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -evanesce DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -fade WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -fade DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -fade WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -marchar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -marchar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -marchar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -marchar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -marchar DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -marchar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -agrandar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -engrandecer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -enlarge INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -enlarge AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -explosionar EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -explosionar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -explode DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -explode REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -explode EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -explode INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -explode FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -explode DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -explode PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -explode PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -detonar EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -detonate EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -inflarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -inflarse FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -gonfler FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -détoner EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -exploser EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -estallar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -estallar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -estallar REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -estallar EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -estallar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -estallar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -puff_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -puff_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -puff_up APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -puff_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -puff AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -puff APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -puff INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -puff SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -puff BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -lloriquear OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -lloriquear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -lloriquear CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -sniffle BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sniffle CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -snivel SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -snivel BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -snivel CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -snuffle BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -snuffle CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -snuffle SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -blubber SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blubber CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -blub CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -resollar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -resollar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -resollar CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -llorar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -llorar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -llorar CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -sollozar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -sollozar CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -blubber_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -bludgeon OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -bludgeon HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -club AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -club ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -club MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -club HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_bastonazos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -blue COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -azular COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -azulear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -delete CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -blue-pencil CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -edit ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -edit PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -edit CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -editar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -editar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -editar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -hacer_un_borrador CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -hacer_un_borrador PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -hacer_un_borrador SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -draft CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -draft HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -draft PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -corriente_de_aire PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -draught PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -blueprint PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -bluff CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bluff DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -tirarse_un_farol DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -bluff_out DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -goof MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -blunder SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blunder MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -blunder GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -drop_the_ball MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -sin MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -sin VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -meter_la_pata MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -pecar MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -pecar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -boob MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -ejaculate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -ejaculate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -blunder_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blurt SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -blurt_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -arromar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -arromar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -arromar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -arromar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -embotar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -embotar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -embotar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -embotarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -despuntar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -despuntar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -despuntar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -despuntar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -amortiguar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -amortiguar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -amortiguar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -amortiguar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -amortiguar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -amortecer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -deaden MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -deaden CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -deaden KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -deaden WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -deaden REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -desafilar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -deslucir BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -deslucir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -deslucir DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -smutch DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -smudge DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -empañarse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -empañarse BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -empañarse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -empañarse DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -difuminarse MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -difuminarse DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -slur PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -slur OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -slur MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -slur SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -enturbiarse MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -film_over BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -glaze_over CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -glaze_over BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -prendre_un_air_absent CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -prendre_un_air_absent BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -entenebrecer MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -hacer_confuso MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -sonrosarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -redden COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -enrojecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -sonrojar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -rougir COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -blush COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -rosarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -arrebolar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -crimson COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ruborizarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -sonrojarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -flush LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -flush WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flush FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flush WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -flush COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -flush FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -swagger BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -swagger OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -swagger MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -board CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -board HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -board STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -embarcar RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -embarcar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -embarcar CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -embarcar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -embarcar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -monter CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -monter DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -monter_à_bord CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -embarquer CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -subirse_a CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -alojarse HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -alojarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -entablar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -entablar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -entablar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -entablar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -entablar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -entablar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -room STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -board_up PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -constar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -constar HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -constar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -feature DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -feature EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -preciarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -sport DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -sport BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -boat MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir_en_barco MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -boat-race COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -bob CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -bob MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bob MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -bob LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -descolar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tail REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tail CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tail CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -dock CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -dock LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -dock RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -dock STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -andar_en_bobsled MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -bobsled MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -curtsy LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -faire_une_révérence LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -hacer_una_reverencia LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -hacer_una_reverencia LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -menearse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -menearse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -menearse MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bob_about MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bob_around MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -desplazarse_sin_sentido MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bob_under DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -body REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dar_cuerpo REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -hacer_bodysurf TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -body-surf TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -matérialiser REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -body_forth REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -materializar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -materializar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -incarnate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -incarnate REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -incarner CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -incarner REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -body_guard ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -bodypaint PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -bog_down STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bog_down SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -bog STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bog SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -encallarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -atascarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -atascarse SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -get_stuck STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -mire DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -mire STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -abarrancarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -grind_to_a_halt STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bogey SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -estupefactar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bowl_over INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -bowl_over CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -boggle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -boggle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -boggle JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -flabbergast CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -titubear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -titubear STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -titubear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -titubear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -sobresaltarse JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -rabiar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -rabiar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rabiar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -seethe HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -seethe CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -seethe MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -seethe EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -bouillonner HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bouillonner CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bouillonner MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bouillonner EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -indignarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -boil HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -boil CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -boil MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -boil BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bouillir BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bullir HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bullir BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -faire_bouillir HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -faire_bouillir BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hervir HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hervir BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hervir EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -porter_à_ébullition BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cocerse HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -churn CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -churn MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -roil MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -roil DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -moil WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -moil WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -moil MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -come_down METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -come_down LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -come_down REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -come_down CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -come_down CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -reducirse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -reducirse REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -boil_down COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -boil_down REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -concentrate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -concentrate COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -concentrate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concentrate FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -concentrate SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -concentrate GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -faire_une_décoction_de HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -faire_une_décoction_de COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -faire_une_décoction_de EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -decoct HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -decoct COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -decoct EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -overboil SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -overboil COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -boil_over SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -boldface PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -imprimir_en_negrita PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -communise COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bolshevise COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -communize COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bolshevize COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bolchevizar COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -acolchar SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -acolchar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bolster STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -bolster STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -bolster FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bolster_up STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -bobinar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -zamparse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gobble MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -gobble EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -shovel_in EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -shovel_in EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -garbage_down EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gobble_up EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bomb FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -catear FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -flush_it FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -flunk FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -bombarder ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bombear REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bombear ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bombear BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -bombear ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -bombear PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -bombear SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -bombear FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -bomb_out ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bomb_up LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cargar_con_bombas LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -pelt METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pelt THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pelt ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -susurrar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -susurrar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -buzz SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -buzz MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -buzz FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -bombilate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bombinate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bombproof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -emitir_bonos GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -draw_together BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -bring_together BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -bring_together JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -bonderise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bonderize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -deshuesar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -désosser REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desosar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -debone REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bone REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bone STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -fajarse_a_estudiar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -empollar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -empollar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -empollar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -swot_up STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -grind_away STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -mug_up STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -potasser STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -cram PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cram PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -cram FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cram STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -bone_up STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -swot STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -bachoter STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -bong MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tañer MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tañer PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -bonnet DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -hiss MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hiss SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hiss MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -hiss CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -boo CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -boogie DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -book PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -book RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -book RESERVE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -enregistrer RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -réserver PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -réserver HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -réserver RESERVE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -hacer_una_reserva RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -book_up RESERVE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -boom_out MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tronar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tronar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -tronar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -din MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -din TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -flourish INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -flourish MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -flourish AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -thrive INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -thrive AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -medrar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -medrar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -prosperar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -prosperar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -prosperar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -thunder MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -thunder SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -thunder RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -boomerang MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -boondoggle WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -hike_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hike_up PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -hike INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hike TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -boost_up MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -reiniciar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -reiniciar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reiniciar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -reiniciar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -lancer BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -lancer START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -lancer OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -lancer CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -lancer SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -reboot START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -boot START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -boot HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -reinicializar START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -dar_patadas HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -eject CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -eject WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -eject DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -eject LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -boot_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -boot_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -vider EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -vider DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -lourder DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -lourder DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -turf_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -chuck_out DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -chuck_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -drum_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -kick_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -kick_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expel REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -expel DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -expel CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -expel DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -renvoyer REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -renvoyer DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -renvoyer DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -oust REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -oust DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -bootleg MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -bootleg SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -contrabandear CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -contrabandear SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -toady FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -kotow FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -bootlick FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -se_prosterner FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -se_prosterner LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -humillarse FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -humillarse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -lamer_el_culo FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -faon FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -faon SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -faon GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -kowtow FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -kowtow LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -rebajarse FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -rebajarse AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -fawn FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -fawn SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -fawn GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -truckle FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -truckle GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -bootstrap CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -booze DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -drink CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -drink DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -drink FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -tomar_unas_copas DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -boire DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -emborracharse DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -emborracharse FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -beber CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -beber DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -bound BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bound GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -bound MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bound RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -frame PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -frame MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -frame CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -frame ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -frame SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -enmarcar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -frame_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -environ ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -entourer ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encercler ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -circundar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -circundar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -circundar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -circundar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -circundar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -cerner ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cerner SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -rodear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -rodear DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -rodear SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -rodear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rodear ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -rodear EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -rodear STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -rodear OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -envolver CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -envolver AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -envolver COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -envolver ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -envolver ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -skirt ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -skirt ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -skirt OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -cansar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cansar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -cansar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -cansar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -cansar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -tire CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tire EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -tire CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -aburrir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bore HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -bore CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hastiar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fatigar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fatigar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -fatigar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -taladrar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -taladrar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -horadar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -barrenar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -perforar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -perforar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -agujerear HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -agujerear SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -drill HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -drill TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -drill STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -tomar_prestado TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -emprestar TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -bosom TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -bosom CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -estrujar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -estrujar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -hug TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -hug FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -seno TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -étreindre TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -embrasser TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -squeeze TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -squeeze OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -squeeze PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -squeeze STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -repujar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -boss BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -stamp MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -stamp DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -stamp TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -stamp REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -stamp ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -stamp SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -stamp PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -stamp CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -stamp BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -emboss BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -botanise SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -botanize SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -déranger CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disturbar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disturbar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -incommode CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disoblige ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -disoblige CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -discommode CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -inconvenience CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -inconvenience_oneself THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -trouble_oneself THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -molestarse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -molestarse THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -bottle PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -bottle RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -embotellar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -embotellar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -embouteiller PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -embouteiller RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -inhibit PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -inhibit RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -inhibit RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -inhibit WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -suppress SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -suppress PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -suppress RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -refrenar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -refrenar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -refrenar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -refrenar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -refrenar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -refrenar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -bottle_up RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -alimentar_con_biberón NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -criar_con_biberón NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -bottlefeed NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -goulot TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -goulot STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bottleneck TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -bottleneck STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -angostar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -bottom LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -bottom FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -bottom UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -poner_asiento LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -penetrar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -penetrar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -penetrar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -penetrar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -sondear MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -sondear ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -sondear LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -sondear ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -sondear UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -penetrate ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -penetrate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -penetrate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -penetrate HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -penetrate AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -penetrate UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -llegar_al_fondo UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -profundizar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -profundizar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -profundizar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -fathom MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fathom UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -tocar_fondo FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -tocar_fondo REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -bottom_out FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -bottom_out REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -bounce MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bounce HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bounce REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -bounce JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -bounce MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bounce DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -abalanzarse BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -abalanzarse ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -abalanzarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -abalanzarse JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -abalanzarse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -abalanzarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -jounce MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -retornar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -retornar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -retornar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retornar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -retornar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -restituir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -restituir REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -restituir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -restituir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -restituir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -spring BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -spring REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -spring CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -spring MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -spring GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -take_a_hop MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -reverberate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -reverberate REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -reverberate INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -reverberate MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -reverberate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -rebound RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -rebound MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ricochet MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -get_well HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -recuperarse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -recuperarse PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -recuperarse REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -recuperarse DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -recuperarse OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -recuperarse RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -ponerse_bien HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -get_over REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -get_over FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -get_over HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -get_over OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -bounce_back HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -reponerse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -reanimarse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -reanimarse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -bounce_out FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -limit DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -limit REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -limit RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -restrict EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -restrict RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -limiter RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -trammel CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -trammel RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -throttle REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -throttle KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -throttle RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -confine ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confine CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -confine REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -confine RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -restrain OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -restrain RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -restrain RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -restringir EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -restringir RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -brincar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -brincar JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -brincar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -leap CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -leap JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -leap GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -skip MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -skip JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -skip LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -bound_off JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -desplazarse_saltando JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -bourgeon GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -sprout GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -houe GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -houe HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -pulluler EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pulluler GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -pulluler INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pulluler GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -pulluler LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -brotar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -brotar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -brotar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -brotar COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -brotar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -brotar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -spud GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -spud HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -burgeon_forth GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -pullulate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pullulate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -pullulate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pullulate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -pullulate LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -germinate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -germinate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -germinar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -germinar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -pulular EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pulular PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pulular GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -pulular INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pulular GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -bowse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bouse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bow_down LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -arquearse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -doblegarse AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -doblegarse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -prostrate LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -prostrate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -postrar LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -postrarse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -retirarse_dignamente RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -bowdlerise REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -bowdlerize REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -expurgate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -expurgar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -embower ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -emparrar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -emparrar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bower ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -parra ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bowl PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -bowl ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -bowl HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bolear PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -jouer_au_bowling PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -upset CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -upset MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -upset DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -upset INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -upset SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -tump_over INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -tump_over RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -tip_over INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -tip_over RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -volcar INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -volcar DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -volcar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -volcar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -knock_over INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -turn_over FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -turn_over TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -turn_over TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -turn_over EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -turn_over EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -turn_over INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -turn_over GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -turn_over RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -box FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -box INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -box HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_un_puñetazo HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -package INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -empaquetar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -empaquetar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -empaquetar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -empaquetar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -empaquetar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -empaquetar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -boxear FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -boxer FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -boxer HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -box_in CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -constreñir CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -constreñir RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -box_up CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -boicotear REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -boycotter REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -boycott REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -stabilise COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -stabilise STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -stabilize COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -stabilize STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -afianzar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -afianzar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -brace_oneself_for PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -steel_onself_for PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -steel_oneself_against PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -prepare_for PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -undergird HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -undergird STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -brace_up STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -apuntalan_la STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -brachiate GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -bracket_out PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -bracket PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -bracket SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -bracket STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -aislar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -aislar ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -aislar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -aislar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -aislar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -delimitar ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -delimitar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -delimitar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -delimitar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -brad SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -braid EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -braid WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -pleach WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -trenzar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -trenzar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -trenzar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -trenzar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -plait WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -acordonar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -acordonar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -tranzar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -lace EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -lace SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -lace SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -lace WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -galonear EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -brail TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -brail PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -carguer TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -carguer PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -braille WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -transcribir_en_braille WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -romper_la_crisma KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -descerebrar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -brain KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -brain HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -partir_la_cara HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -brainstorm THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -compartir_ideas THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -lavar_el_cerebro TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -lavar_el_cerebro PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -brainwash TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -brainwash PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -rehogarse COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -braise COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -rehogar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -brake STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -ramify GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -ramify SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -ramify COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -ramificar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -ramificar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -branch GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -branch SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -furcate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -partirse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -partirse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -ramificarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -ramificarse DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -fork RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -fork SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -fork ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -fork SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -branch_out DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -diversificar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -diversify DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -broaden INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -broaden DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -brand ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -brand SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -brand NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -brandmark SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -trademark RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -trademark SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -mark HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mark DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -mark ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -mark SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -mark CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -mark PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -mark ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -mark WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -mark ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -mark CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -mark CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -mark PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -mark SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -stigmatise ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -stigmatise SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -estigmatizar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -estigmatizar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -stigmatiser ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -stigmatiser SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -stigmatize ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -stigmatize SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -tildar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -post TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -post SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -post NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -post RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -post SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -post PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -post MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -post ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -post ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -post PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -post SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -blandir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -blandir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -brandish SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -brandish MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -blandear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ondear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -ondear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ondear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ondear HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -brattice LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -chacolotear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clatter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -brattle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -perdurar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -perdurar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -perdurar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -perdurar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -perdurar EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -perdurar LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -perdurar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -brave_out FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -desafiar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -desafiar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -desafiar RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -desafiar COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -desafiar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -brave FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -weather INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -weather CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -weather FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -weather GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -afrontar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -afrontar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -afrontar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -bravo APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -pelear FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -pelear QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -pelear RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -wrangle HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -wrangle QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -brawl QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -alborotar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -alborotar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -alborotar QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -bray BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -bray MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bray LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -mash BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -mash COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -mash PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -crunch BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -crunch MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crunch EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -crunch PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -grind MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -grind MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -grind WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -grind CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -grind BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -grind PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -grind DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -majar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -majar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -majar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -dilacerar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -comminute BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -hee-haw MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rebuznar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rebuznar LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -reírse_a_carcajadas LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -braze ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -brazen FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -descararse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -descararse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -descararse FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -abrir_brecha OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -breach OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -breach VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -gap OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -transgress COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -transgress OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -transgress VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -contrevenir_à VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -transgresser OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -transgresser VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -vulnerar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -transgredir OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -transgredir VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -enfreindre VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -manquer_à VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -go_against RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -go_against VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -infract VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -empanar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -empanizar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bread COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -interrupt CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -interrupt STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -romper CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -romper STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -romper FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -romper DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -romper DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -romper APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -romper SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -romper BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -romper ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -romper EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -romper CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -romper QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -romper HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -romper OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -romper VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -fracture BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fracture STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -fracture VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -fracturar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fracturar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -fracturar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -recrudesce OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -recrudesce HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -recrudecerse HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -être_en_recrudescence OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -être_en_recrudescence HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -quebrantar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -quebrantar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -rajar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -rajar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -despedazar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -despedazar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -despedazar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -despedazar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -casser BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -casser DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -descontinuar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -descontinuar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -discontinue FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -discontinue STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -discontinuar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -discontinuar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -break_off BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -break_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -break_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -deshacerse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -deshacerse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -deshacerse PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -deshacerse CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -deshacerse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -deshacerse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -deshacerse DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -débiliter WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -soften GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -soften PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -soften CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -soften WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -soften REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -atténuer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -atténuer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -damp MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -damp STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -damp WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -amoindrir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -weaken DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -weaken WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -dampen STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -dampen MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -dampen WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -dampen WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -dampen REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -amortir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -descifrar SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -descifrar RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -descifrar READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -descifrar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -desplomarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desplomarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -desplomarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -break-dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -break_dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -descomponerse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -descomponerse LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -descomponerse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -descomponerse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desmoronarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desmoronarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -desmoronarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -bust OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -bust DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -bust ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bust SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -bust BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fall_apart BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fall_apart CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -wear_out BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -wear_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -domesticar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -domesticar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -domar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -domar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -domar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -romperse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -romperse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -fracturarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -resquebrajar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -resquebrajar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -crack OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -crack MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crack SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -crack HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -crack BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -crack SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -crack CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -crack STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -split_up BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -split_up DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -split_up SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -come_apart BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -distanciarse DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -split CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -split EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -split DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -split SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -part DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -part SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -part LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -separarse DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -separarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -romper_con STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -break_away BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -break_away STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -break_away DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -break_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -déglinguer DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -éclater EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -éclater DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -estropearse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -estropearse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -estropearse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -estropearse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -fusiller DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -flinguer DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -briser DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -claquer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -claquer DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -claquer HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -péter EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -péter DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -unwrap SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -unwrap REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -enseñar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -enseñar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -enseñar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -enseñar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -enseñar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -divulge REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -disclose SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -disclose REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -desvelar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desvelar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desvelar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -bring_out SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -bring_out REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -bring_out PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -bring_out EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -bring_out CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -bring_out TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -expose SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -expose REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -expose GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -expose ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -expose PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -let_out CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -let_out REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -let_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -let_out MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -let_on REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -reveal SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -reveal REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -exhibir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -exhibir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -exhibir REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -révéler SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -révéler REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -detenerse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -detenerse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -detenerse LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -suspendre DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -suspendre STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hacer_una_pausa STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pausar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -intermit STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pause STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -faire_une_pause STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pauser STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -desconectar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desconectar SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -desconectar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -desconectar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desconectar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -déconnecter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -allanar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -allanar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -allanar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -pararse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pararse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pararse STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -pararse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -perecer BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -perecer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -perecer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -morir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -morir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -morir REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -morir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -morir BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -go_bad BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -go_bad SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -give_out BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -give_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -give_out FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -give_out EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -se_casser BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -se_casser LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -give_way BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -give_way GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -give_way MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -conk_out BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -conk_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -dañarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -averiarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -averiarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -kick_downstairs ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -relegar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -relegar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -bump REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bump FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -bump HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bump ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -bump DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -demote ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -break_out OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -break_out BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -break_out PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -break_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -snap_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -caer FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -caer METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -caer DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -caer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -caer HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -caer CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -caer LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -caer MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -caer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -caer FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -caer HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -caer BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -caer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -caer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -caer FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -irse_a_pique BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -irse_a_pique FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -irse_a_pique DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -desplomar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desplomar EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desplomar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -cave_in BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -derrumbarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -derrumbarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -derrumbarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -derrumbarse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -derrumbarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fall_in BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fall_in PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -fall_in ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -collapse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -collapse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -collapse EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -collapse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -collapse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -collapse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -collapse CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -founder BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -founder FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -founder FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -founder DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -colapsar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -colapsar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -divulgarse PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -divulgarse REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -get_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -get_out ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -get_out PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -get_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -get_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -get_out TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -get_around ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -get_around PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -get_around BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -get_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -break_apart BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -break_apart DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -break_apart DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -disunify DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -estrellarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -estrellarse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -estrellarse HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -quebrarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -quebrarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -quebrarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -quebrarse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -desmantelar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desmantelar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desmantelar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -dismantle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dismantle FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -dismantle DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desarmar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desarmar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desarmar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desarmar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -desarticular FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desarticular SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desarticular DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -disassemble DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desmontar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -desmontar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desmontar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desmontar KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -desmontar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -independizarse DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -secede DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -splinter BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -splinter DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -head_for_the_hills LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -lam LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -lam HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -run_away OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -run_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -take_to_the_woods LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -escape EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -escape MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -escape ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -escape LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -escape FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -scat LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -turn_tail LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -scarper LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -huir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -huir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -fly_the_coop LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -hightail_it LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -astillar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -astillar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -astillar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -astillar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -chip CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -chip SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -chip HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chip BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -chip CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -chip_off BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -astillarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -come_off BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -come_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -come_off HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -break_bread HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -break_camp LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -levantar_el_campamento LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -lose_it CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -snap CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -snap MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -snap CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -snap MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -snap CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -snap EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -snap SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -snap RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -snap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -snap BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -snap SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -acabar_con FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -acabar_con STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -acabar_con CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -acabar_con DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -descomponer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -descomponer DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -descomponer MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -descomponer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -descomponer ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -descomponer SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -decompose LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -decompose SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -decompose DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -tumble FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -tumble MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tumble DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -tumble MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -tumble FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -tumble DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -tumble FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -tumble PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -tumble PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -tumble REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -tumble UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -desmigajarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desmigajarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -ajar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -venirse_abajo FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -venirse_abajo DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -ajarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -derribarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -crumble BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -crumble DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -crumple PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -crumple LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -crumple DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desmoronar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desmoronar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -break_even COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -break_even EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -cubrir_gastos COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -break_into CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -break_into SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -romper_a SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -evadirse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -break_loose FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -break_loose LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desatarse UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desatarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -get_away ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -get_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -librarse DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -librarse PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -librarse CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -librarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -burst_forth APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -burst_forth FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -knap SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -knap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cut_short FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cut_short STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cut_short REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -break_short STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -buckle_down WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -knuckle_down WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -slave WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -break_one's_back WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -desdoblar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -desdoblar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -desdoblar EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desdoblar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -desdoblar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desdoblar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desdoblar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -dissocier EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -reventarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -reventarse EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -reventar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -reventar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -reventar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -reventar EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -reventar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -break_open OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -break_open EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -break_open BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -desvincular EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desvincular SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -burst_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -burst_out BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -burst_out APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -irrupt BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -irrupt INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -irrupt VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -encenderse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -encenderse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -flare_up BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flare_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -hacer_erupción BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -hacer_erupción APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -break_someone's_heart CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -push_through APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -break_through HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -break_through APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -break_through OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -abrirse_paso HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -come_through HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -come_through ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -come_through OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -come_through CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -atravesar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -atravesar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -atravesar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -atravesar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -atravesar FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -atravesar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -atravesar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -traspasar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -traspasar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -traspasar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -traspasar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -traspasar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -traspasar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -traspasar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -fragmentarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fragmentise BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fragmentar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fragmentar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -fragmentize BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dispel SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dispel DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -dissipate EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -dissipate WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -dissipate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dissipate LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -dispersar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -dispersar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dispersar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dispersar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dispersar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -scatter BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -scatter COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -scatter SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -scatter LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -disperse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -disperse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -disperse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -disperse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -disiparse DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -disiparse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -disiparse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -plaquer DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -plaquer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -larguer DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sever CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -sever DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rompre DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -laisser_tomber DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -quitter DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -crock_up CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -crack_up APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -crack_up LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -crack_up CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -dispersarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dissolve CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dissolve COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -dissolve FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -dissolve DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -dissolve CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -dissolve DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dissolve REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dissolve WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -dissolve DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -disrupt MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -disrupt STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -disolver COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -disolver DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -disolver CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -disolver WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -disolver DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -deshacer COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -deshacer DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -deshacer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -deshacer CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -deshacer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -deshacer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -disgregarse DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -troncharse LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -morirse_de_risa LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -partirse_de_risa LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -romperse_el_hielo BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -calve BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -calve GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -liberar_hielo BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fin LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fin MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -fin DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -break_water MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -nageoire LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -nageoire MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -nageoire DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -prouter EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -fart EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -tirarse_un_pedo EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -lâcher_une_caisse EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -peer SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -peer EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -émettre_des_vents EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -break_wind EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -lâcher_un_vent EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -break_with FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -dar_de_desayunar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -dar_el_desayuno NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -breakfast NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -breakfast EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -desayunar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bream WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -breast TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -breast REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -breast FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -front ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -front FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -enfrentarse UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -enfrentarse FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -enfrentarse QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -enfrentarse RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -summit REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -alcanzar_la_cima REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -cumbre REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -mamar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -mamar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -breastfeed NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -amamantar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -dar_pecho NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -lactate NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -nurse NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -nurse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -nurse TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -nurse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -allaiter NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -lactar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -give_suck NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -atetar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -dar_de_mamar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -suckle NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -suckle ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -donner_la_tétée NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -wet-nurse NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -breaststroke MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -breathalyse ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -breathalyze ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -suspire BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -breathe SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -breathe REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -breathe BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -breathe EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -breathe EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -breathe SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -breathe AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -breathe BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -respire BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -respirar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -respirar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -respirar EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -respirar REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -respirer BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -take_a_breath BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -exhalar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -exhalar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -emit EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -emit MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -catch_one's_breath REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -take_a_breather REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -rest STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -rest REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -rest LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -rest REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -rest PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -rest INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -inspirer BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -inspirer PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -inhale BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -inhalar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -breathe_in BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -breathe_out BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -espirar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -expire FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -expire BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -expire KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -exhale EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -exhale BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -brecciate BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -brecciate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -criar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -criar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -criar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -criar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -criar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -breed CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -breed HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -breed GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -spawn CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -spawn GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -procrear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -procrear GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -multiplicar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -multiplicar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -multiplicar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -multiply HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -multiply INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -multiply GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -multiplicarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -multiplicarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -multiplicarse GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -souffle GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -souffle AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -soplar_suavemente AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -breeze GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -breeze AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -pasar_con_rapidez GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -brevet ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -brew PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -brew DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -destilar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -destilar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -destilar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -destilar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -grease_one's_palms CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -sobornar CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -sobornar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -sobornar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -sobornar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -bribe CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -buy CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -buy BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -buy OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -buy BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -comprar CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -comprar BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -corrupt CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -corrupt DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -corromper CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -corromper DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -corromper DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -condamner ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -condamner DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -condamner ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -condamner AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -enladrillar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -brick_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -brick_up ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -tapiar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -maçonner ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -aveugler ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -brick_over ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -murer ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cruzar_un_puente OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -bridge MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -bridge OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -bridge JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -bridge_over SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -bridge_over JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -keep_going SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -keep_going ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -keep_going CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -tide_over SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -bridle DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -bridle REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -bridle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -embridar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -picarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -picarse INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -bridle_at CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ofenderse DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -ofenderse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bristle_at CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bridle_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bristle_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -brief TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -brigade GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -abrillantar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -abrillantar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -clarear LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -brighten LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -lighten_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lighten_up LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -lighten HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -lighten CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lighten REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -lighten LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -enlustrecer LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -aclararse LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -salir_el_sol LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -clear_up EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -clear_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -clear_up PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -clear_up LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -despejarse LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -abrir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -abrir OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -abrir PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -abrir BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -abrir LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -abrir UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -aclarar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -aclarar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -aclarar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -aclarar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -aclarar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -aclarar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -salir_el_so LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -light_up BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -light_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -light_up LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -brim FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rebosar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -run_over HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -run_over FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -desbordarse FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -overrun ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -overrun CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -overrun COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overrun FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -overrun OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -overflow CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -overflow FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -well_over FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -brim_over FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -conservar_en_salmuera WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bañar_en_salmuera WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -brine WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -salar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -salar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -salar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -salar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -transportar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -transportar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -transportar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -transportar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -transportar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -transportar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -transportar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transportar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transportar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -transportar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -convey SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -convey HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -convey BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -convey CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -convey INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -convey CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -acarrear CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -acarrear BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -acarrear IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -acarrear POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -acarrear PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -copar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -copar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -copar CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -copar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -copar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -copar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -copar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -copar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -copar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -amener BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -trasladar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -trasladar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -trasladar BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -trasladar TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -trasladar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -trasladar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -trasladar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -apporter BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -wreak HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -make_for HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -vender_por COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -bring_in TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -bring_in EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -bring_in PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -bring_in MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -bring_in COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -fetch REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -fetch BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -fetch COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -land HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -land CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -land KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -land LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -land ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -institute ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -institute CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -bring_about INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -bring_about HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -causer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -causer CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -causer HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -crear EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -crear MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -crear COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -crear GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -crear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -crear IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -crear HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -crear ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -crear CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -crear GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -crear INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -ocasionar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -ocasionar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -ocasionar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -ocasionar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -ocasionar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -give_rise HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -volver_en_sí REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -volver_en_sí AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -bring_back REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -bring_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -bring_to REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -bring_around REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -bring_around HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -bring_around PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -bring_round REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -bring_round PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -sanar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -guérir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -curar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -curar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -heal HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cure CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cure HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cure PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -traer_de_regreso RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -llevar_de_regreso RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -return ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -return CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -return CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -return PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -return HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -return SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -return GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -return MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -return GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -return RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -take_back REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -take_back MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -take_back CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -take_back SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -take_back GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -take_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -regresar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -regresar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -regresar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -regresar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bajar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -bajar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -bajar DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -bajar LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -bajar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -bajar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -bajar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -bajar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -take_down DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -take_down WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -take_down FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -take_down LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -arriar LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -let_down FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -let_down LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -bajarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -bajarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -bajarse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -bring_down CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bring_down LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -bring_down OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -bring_down LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -bring_down OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -bring_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -lower REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -lower FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -lower LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -overthrow OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -overthrow DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -derrocar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -derrocar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -derrocar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -subvert DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -subvert OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -subvert DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -cut_down CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cut_down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -cut_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -cut_down STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -trim CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -trim COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -trim EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -trim ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -trim REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -cut_back CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cut_back REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -cut_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -cut_back RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -trim_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -trim_back REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -infligir OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -inflict OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -impose OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -impose CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -visit ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -visit SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -visit VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -visit OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -visit CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -inflingir OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -aterrizar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -aterrizar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -put_down KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -put_down PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -put_down LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -put_down EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -put_down WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -put_down LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -put_down DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -put_down PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -call_up SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -call_up REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -call_up COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -call_up PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -poner_en_consideración PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -take_home EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -bring_home EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -bring_home EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -dejar_claro EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -hacer_entender EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -bring_home_the_bacon ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -bring_home_the_bacon EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -réussir ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -succeed ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -succeed COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -salir_adelante ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -tener_éxito ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -triumfar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -cumplir_lo_prometido ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -deliver_the_goods ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -earn TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -earn EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -clarificar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -clarificar EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -clarificar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -clarificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -clarificar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -clarificar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -negociate CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -negociate ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -negociate NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -negociate SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -negociate OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -pull_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pull_off ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -manage MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -manage WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -manage FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -manage CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -manage ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -manage DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -bring_off ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -bring_on PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -bring_on INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -bring_on APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -inducir LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -inducir INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -inducir INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -inducir OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -induce SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -induce MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -induce INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -induce INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -armarse_de_valor CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -armarse_de_valor PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -bring_oneself CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -uncover SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -unveil REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unveil SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -issue EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -issue PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -issue LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -release CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -release CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -release EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -release PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -release EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -release EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -release LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -publier PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -dictar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -dictar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -dictar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -dictar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -dictar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dictar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -dictar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -publish PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -publicar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -publicar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -extraer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -extraer CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -extraer SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -extraer OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -extraer EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -bring_outside EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -exteriorize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -exteriorize EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extérioriser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -extérioriser EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extérioriser CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -secourir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -bring_through HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -pull_through HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -pull_through OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -poner_a_salvo HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -save ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -save RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -save HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -save RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -sauver ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -sauver HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -bring_to_bear BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -join ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -join ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -join JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -acoplar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -acoplar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -ser_padre DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -formar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -formar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -formar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -formar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -formar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -formar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -formar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -formar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -formar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -formar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -formar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -formar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -formar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -parent DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -rear MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -rear DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -rear RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rear APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -nurture NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -nurture DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -nurture INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -sacar_a_colación PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -plantear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -plantear BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -plantear PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -sacar_a_relucir BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -sacar_a_relucir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -sacar_a_relucir PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -hausser RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -izar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -alzar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -alzar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -alzar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -alzar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -alzar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -alzar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -élever RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -augmenter RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -augmenter INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hisser RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -revigorizarse AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -brisk_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -brisk AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -brisken AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -erizar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -erizarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -initiate AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -initiate BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -initiate ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -broach BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -propagate TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -propagate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -propagate FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -propagate CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -esparcir BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -esparcir ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -esparcir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -esparcir CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -circulate BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -circulate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -circulate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -circulate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circulate GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -circulate CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -diffuse ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -diffuse AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -diffuse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -propagar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -propagar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -propagar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -propagar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -propagar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -propagar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -propagar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -circularise INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -circularise GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -circularise CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -diseminar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -diseminar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -diseminar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -circularize INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -circularize ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -circularize GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -circularize SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -circularize CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -spread OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -spread ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -spread COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -spread CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -disseminate CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -pass_around GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pass_around CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -widen INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -extender OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -extender INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -extender OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -extender COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -extender EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -extender PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -extender SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -extender FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -extender EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -extender CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -extend TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -extend INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -extend OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -extend MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -extend SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -extend EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -dilatarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -dilatarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -ensancharse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ensancharse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dar_de_costado HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -broadside HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -brocade WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -bordar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -bordar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -bordar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -broider EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -oven_broil COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -comisionar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -comisionar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -comisionar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -broker WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -bromate REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -bromate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -brominate REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -brominate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -convertir_en_bromato REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -bronze COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -broncear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tan COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tan TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -tostar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tostar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -curtir COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -curtir TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -broncearse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -broncearse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -abrochar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -brooch SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -clasp CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -clasp SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -dwell REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -dwell LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -dwell THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -dwell GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dwell STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -asurarse THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -brood CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -brood BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -brood LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -brood THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -brood FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -inquietarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -inquietarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -inquietarse THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -faire_la_moue FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -pout FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -hacer_morros FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -sulk FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -hatch CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -hatch LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -hatch GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -hatch EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -hatch CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -incubar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -incubar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -incubar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -aclocarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -incubate DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -incubate LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -bulk_large BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -hover HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -hover BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -hover FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -hover COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -hover GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -loom BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -loom MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -loom APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -loom OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -grizzle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -grizzle OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -stew DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -stew CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stew COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -genêt REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -genêt WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -broom REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -broom WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -escoba REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sweep REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sweep EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -sweep MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -sweep COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sweep TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sweep WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -sweep WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sweep OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -sweep GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -embrown COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -brown COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -garapiñar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -gratinar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -gratinar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -torrarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -brown-nose FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -butter_up FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -dar_coba FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -browse SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -browse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -graze NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -graze CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -graze EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -graze HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pastar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -pastar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pastar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -crop NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -crop CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -crop EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -crop GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -pasturar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pasture NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -pasture EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pacer NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -pacer EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -apacentar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -apacentar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -llevar_a_pastar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -surfear SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -surfear MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -surfer SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -surfer MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -naviguer SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -naviguer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -surf SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -surf MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -surf CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -echar_un_vistazo SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -echar_un_vistazo SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -ir_de_compras SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -ir_de_compras BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -bruise BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -bruise HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -lesionar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -lesionar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -spite HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -injure WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -injure HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -herir OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -herir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -wound HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -machucarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -golpearse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -contuse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -magullarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -lastimarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rumour SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rumorear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -bruit SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rumor SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -brunch EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -brush REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -brush TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -brush WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -brush TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -brush PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cepillar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cepillar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cepillar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cepillar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -cepillar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -rozar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -rozar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rozar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -rozar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -extenderse CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -extenderse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -extenderse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -extenderse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -extenderse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -extenderse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -extenderse AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -extenderse EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -extenderse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -dismiss REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -dismiss DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dismiss DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dismiss DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -discount REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -discount DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -brush_off REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -ignore MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -ignore REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -ignore DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -brush_aside REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -destituir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -destituir DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -push_aside REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -push_aside MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -disregard REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -disregard DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -desoír MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desoír REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -descartar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descartar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -descartar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -descartar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -descartar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -brush_down REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -abroncar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -tell_off REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -pintar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -pintar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -pintar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -pintar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -brush_on PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -polish_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -polish AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -polish EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -polish WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -redondear FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -redondear EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -redondear ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -redondear PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -redondear SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -round_off ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -round_off EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -round_off SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -pulir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -pulir EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -pulir WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -brush_up STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -brush_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -review REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -review SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -review ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -review STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -review VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -refresh WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -refresh CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -refresh STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -refresh COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -refrescar_la_memoria AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -refrescar_la_memoria STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -burbujear EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -spill_over CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -spill_over LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -bubble_over CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bubble_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -intumesce RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -intumesce INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -buccaneer EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -ir_contra RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -in_en_contra RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -buck RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -buck JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -buck TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -buck RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -oponerse PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -oponerse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -oponerse RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -hitch STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hitch TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hitch JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -hitch ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -hitch JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -jerk THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -jerk JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -jerk MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -jerk PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -jugársela TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tear REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tear RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -tear SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -tear CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -shoot_down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -shoot_down STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -shoot_down RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -despedir EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -despedir EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -despedir OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -despedir RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -despedir DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -buck_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -take_heart AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -espabilar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -espabilar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -bucket PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -bucket CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -sacar_con_cubo CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -buckle SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -buckle LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -buckle BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -enhebillar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -encogerse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -encogerse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -encogerse MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -encogerse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -torcerse BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -torcerse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -warp BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -warp REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -claudicar AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -sucumbir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sucumbir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -sucumbir AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -sucumbir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -sucumbir FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -sucumbir GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -buckle_under AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -knuckle_under AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -succumb AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -succumb FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -poner_entretela STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -buckram STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -bud GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -bud BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -retoñar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -presupuestar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -presupuestar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -budget GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -budget_for CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -furbish WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -bruñir WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -buff HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -buff WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -pulimentar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -pulimentar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -burnish WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -infundir_temor CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -buffalo CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -buffer COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -buffer PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -cushion PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -neutralizar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -neutralizar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -neutralizar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -neutralizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -neutralizar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -neutralizar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -tamponar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -intercept CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -intercept DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -wiretap DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -bug_out BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -pop_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -pop_out APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -pop_out BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -salirse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -salirse BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -bulge_out BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -protrude BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -sodomize HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -bugger HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -sodomise HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -sodomizar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -marcharse DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -marcharse LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -marcharse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -largarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -scram LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -bugger_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -buzz_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -bugle PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -générer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -générer MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -build PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -build MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -build STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -build INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -build AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -build ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -build GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -edificar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -edificar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -produire MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -produire GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -construire MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -construct PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -construct REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -construct MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -confeccionar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -confeccionar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -confeccionar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -confeccionar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -confeccionar SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -confeccionar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -confeccionar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -confeccionar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confeccionar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -confeccionar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -confeccionar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -crearse ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -work_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -work_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -work_up STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fortificar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -fortificar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -fortificar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -fortificar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -fortificar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fortificar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -intensificar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -intensificar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -intensificar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -ramp_up STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -robustecer STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -robustecer AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -build_in COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -build_on IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -repose_on IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -rest_on IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -rest_on STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -basarse IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -descansar REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -descansar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -descansar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -descansar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -descansar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -descansar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -descansar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -reposer_sur IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -reposer_sur STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -build_upon IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -bulk BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -abombar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -pandear BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -pouch INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -pouch BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -pouch SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -abultar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -abultar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -bull_through PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -bull DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -bull INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -bull PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pousser_à_la_hausse DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pousser_à_la_hausse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pousser_à_la_hausse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -bullshit DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -talk_through_one's_hat DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fake DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fake FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -bulldog THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -bulldog ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bulldoze FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bullet_vote CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -bulletin PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -bulletproof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -face_off PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -bully_off PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -bulwark PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -écornifler ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -écornifler OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -sponge CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -sponge ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -sponge OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -sponge WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sponge GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -cadge ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -cadge OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -gorronear ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -gorronear OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -grub SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -grub OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -mooch OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -falter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -falter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -falter FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -trastabillar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tropezar ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -tropezar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tropezar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -tropezar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tropezar MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -stumble FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -stumble MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -stumble MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -stumble MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -stammer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -stutter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tartamudear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -balbucir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -desplazar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desplazar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -desplazar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -desplazar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -dislodge REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dislodge TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -knock TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -knock MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -knock CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -knock HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -trouver FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -encounter FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -encounter ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -encounter FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -encounter MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -encounter RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -conmocionar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -conmocionar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -conmocionar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bump_around MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -jar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -jar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -jar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -jar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -jar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -run_into ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -run_into MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -run_into HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -topar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -topar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -topar ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -topar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -colisionar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -colisionar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -colisionar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -colisionar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -jar_against HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -knock_against HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -golpearse_contra HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bump_into HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -matar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -matar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -matar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -bump_off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -matar_violentamente KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -slay KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -assassiner KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -dépêcher KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -quitar_de_enmedio KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -polish_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -polish_off EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -polish_off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -cargarse DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -cargarse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -murder CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -murder KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -dispatch CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -dispatch FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -dispatch KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -dispatch SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -despachar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -despachar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -despachar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -despachar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -despachar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -despachar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -despachar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -despachar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -despachar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -despachar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -bump_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -bunch GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -bunch AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -bunch_up GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -bunch_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -cluster GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -cluster AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -clump MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clump AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -clump MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -clump GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -bundle SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -bundle AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -bundle PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -bunch_together GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -arracimarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -gyp STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -entuber STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -truander STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -escroquer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -victimizar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -victimizar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -victimizar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -diddle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -diddle STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -tirer_au_flanc ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -tirer_au_flanc STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -blouser STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -gip STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hornswoggle STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -arnaquer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -duper STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -victimize HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -victimize PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -victimize STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -rook STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -bunco STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -defraud STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -dar_gato_por_liebre STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -mulct CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -mulct STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -short-change DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -short-change STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -con STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -con STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -scam STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -swindle STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -frapper_d'une_amende CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -frapper_d'une_amende STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -goldbrick ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -goldbrick STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hacer_bultos PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -comprimir SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -comprimir PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -compact PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -wad FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -wad PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -compactar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -empacar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -empacar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -empacar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -empacar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -hacer_un_manojo AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -emmitoufler DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -emmitoufler AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -bundle_up DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -bundle_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -hacer_un_bulto AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -enfardar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -practice_bundling SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -bundle_off SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -fee GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -bung GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -bung CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -gratificar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -gratificar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dar_propina GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -bunk_off MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -play_hooky MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -bunker CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -bunker FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bunker HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -bunt MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bunt HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -drag_a_bunt HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -topetear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -topetar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -buoy CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -buoy FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -buoy SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -reflotar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reflotar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -reflotar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -reflotar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -abalizar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -buoy_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -buoy_up CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -mantener_a_flote CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -dar_aliento CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -burr REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bur REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -weight_down BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -burthen BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -asignar_un_peso BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -burden BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -burden ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -silla_de_montar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -saddle ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -saddle BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -saddle PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -encargar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -encargar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -encargar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -encargar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -seller ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -seller BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -seller PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -burgeon AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rebrotar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -rebrotar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -desvalijar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -burglarize STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -heist STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -burgle STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -burglarise STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -burke PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -burke KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -burl REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -spoof JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -parody JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -burlesque JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -parodier JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -incinerar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -quemarse HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -quemarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -quemarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -quemarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -incendiarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -burn_down BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -burn_down DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -brûler BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -brûler DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -brûler DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -cramer BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cramer DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -bruler BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -bruler DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -foguear BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cauterizar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cauterise BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cauterise WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -cauterize BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cauterize WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -cautériser BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sunburn HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -consumir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -consumir CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -consumir WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -consumir EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -consumir USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -consumir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -burn_off BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -burn_off CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -abrasarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -pegar_fuerte LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -incinerate BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -incinérer BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -se_consumer BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -burrow TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tunnel HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -tunnel TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sortir_gaiement APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -sortir_gaiement LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -leap_out EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -leap_out APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -sally_out APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -sally_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -rush_out APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -effleurir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -effleurir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -effleurir APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -effloresce COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -effloresce CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -effloresce APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -burst_upon APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -burst_in_on APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -prorrumpir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sumir ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -sumir DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -bury REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -bury BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -bury ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -bury CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -bury CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -sepultar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -sepultar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -sepultar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -sepultar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -soterrar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -soterrar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -soterrar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -soterrar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -eat_up ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -eat_up EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -eat_up CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -enterrar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -enterrar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -enterrar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -enterrar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -swallow_up ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cobijarse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -cubrirse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -hundir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -hundir DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -hundir LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -hundir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -hundir CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -sink FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -sink LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -sink DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -sink CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sink CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -sink REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -enterrer BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -desconocer MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desconocer REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -inhume BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -entomb BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -inhumar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -lay_to_rest BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -inter BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -andar_en_bus MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -bus REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -bus MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -encasquillar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -bush LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -bush_out GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -restaurar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -restaurar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -restaurar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -componer PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -componer MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -componer COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -componer PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -componer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -componer CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -componer REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -componer REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -componer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -componer GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -réparer REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -bushel REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -fix DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -fix COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -fix FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -fix SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -fix REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -fix PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -fix STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fix PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -fix ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -fix PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -fix CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -recomponer REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -recomponer COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -recomponer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -furbish_up REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -reparar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reparar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -reparar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -reparar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -reparar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -mend REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -mend HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -restore HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -restore REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -restore GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -restore RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -doctor REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -doctor HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -doctor DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -busk PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -buss TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -snog TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -faire_un_bisou TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -kiss TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -besarse TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -biser TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -besar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -osculate TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -osculate SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -osculate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -atacar_por_sorpresa ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -raid BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -raid SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -raid ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -raid VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -rasgar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -rasgar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -rasgarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -escindir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -rupture SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -wreck DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -wrack DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -bust_up DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -bustle_about MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bustle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -hustle PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hustle OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -hustle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -hustle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ocuparse CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -ocuparse MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -ocuparse WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -ocuparse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -busy CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -slaughter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -abattre KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -carnear KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -sacrificar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -sacrificar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -sacrificar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -sacrificar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -butcher KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -soldar_a_tope JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -buttweld JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -butt-weld JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -butter COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -butterfly OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -butterfly COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -butterfly FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -aletear_como_mariposa FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -philander COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -flirt BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -flirt COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -coquetear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -coquetear COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -coquette COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -flirter BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -flirter COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -chat_up COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -chat_up PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -flirtear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -flirtear COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -dally BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dally TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -dally COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -coquet COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -romance COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -romance ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -romance DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -button LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -button SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -abotonar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -abotonar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -buttonhole FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -lobby FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -buttress STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -apuntalar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -apuntalar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -apuntalar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -butylate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -ser_convencido BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -mercar BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -purchase BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -acheter BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -frequent ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -frequent VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -shop_at ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -patronize TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -patronize ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -patronize FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -patrocinar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -patrocinar ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -apadrinar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -apadrinar ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sponsor FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -sponsor ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -buy_at ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -patronise TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -patronise ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -patronise FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -recomprar BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -repurchase BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -buy_back BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -buy_food BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -buy_in RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -stock GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -stock LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -stock RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -stock POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -proveer LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -proveer RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -proveer FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -stock_up RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -abastecer LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -abastecer ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -abastecer RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -abastecer NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -buy_into BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -buy_it KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -pip_out KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -palmarla KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -liquidar CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -liquidar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -liquidar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -liquidar EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -liquidar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -liquidar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -liquidar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -liquidar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -buy_off CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -pay_off CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -pay_off PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -pay_off PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -buy_out BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -buy_up BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -tomar_posesión BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -tomar_posesión STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -expirar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -expirar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -dejar_de_existir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -pass_away FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -pass_away KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -dévisser_son_billard KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -clamser KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -give-up_the_ghost KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -caducar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -caducar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -caducar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -caer_muerto KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -kick_the_bucket KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -casser_sa_pipe KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -casser_sa_queue_de_billard KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -espichar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -drop_dead KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -exit LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -exit KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -exit FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -cash_in_one's_chips KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -colgar_los_guayos KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -diñar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -succomber KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -décéder KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -exhalar_el_último_suspiro KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -fenecer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -fenecer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -passer_l’arme_à_gauche KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -avaler_son_extrait_de_naissance KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -passer_de_vie_à_trépas KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -s'éteindre KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -croar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -croar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -manger_les_pissenlits_par_la_racine KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -snuff_it KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -irse_al_otro_barrio KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -expirer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -expirer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -decease KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -croak MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -croak KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -croak OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -pasar_a_mejor_vida KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -perish KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -fermer_les_yeux KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -crever KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -mourir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -entregar_el_alma KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -palmar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -palmar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -trépasser KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -finar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -payer_sa_dette_à_la_nature KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -conk SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -conk STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -conk KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -conk HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -perder_la_vida KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -pop_off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -pop_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -calancher KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -claboter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -salir_de_este_mundo KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -fallecer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -fallecer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -estirar_la_pata KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -buy_the_farm KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -buy_time DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -hum MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hum SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -by-bid BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -short-circuit ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -short-circuit MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -short-circuit STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -saltarse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -saltarse MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -dar_un_rodeo ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -dar_un_rodeo TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circuler EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -circuler ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -circuler TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circuler OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -circuler CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -go_around EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -go_around ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -go_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -go_around OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -go_around CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -bypass ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -faire_caca EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -aller_à_la_selle EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -caguer EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pouf GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -pouf REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -pouf LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -pouf EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -cagar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -take_a_crap EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -couler_un_bronze EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -faire_popo EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -poser_une_pêche EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -tartir EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -defecar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -stool GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -stool REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -stool LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -stool EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -mouler_un_cake EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -déféquer EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -jiñar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -take_a_shit EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -déposer_une_pêche EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -defecate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -chier EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -crap EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -démouler_un_cake EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -ca-ca EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -cab MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_taxi MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -taxi MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -taxi TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -conspirar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -conspirar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -machinate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -machinate ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -machiner ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -complot ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -cabal ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -comploter ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -tramar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -tramar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -tramar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -manigancer ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -conjurer ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -conspire ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -cabin CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -cable SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -cable SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -telegrafiar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -wire LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -wire INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -wire SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -wire SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -telegraph SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -cache RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -lay_away RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -hive_up RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -squirrel_away RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -stash RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -cachinnate LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -cackel MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -cacarear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -cacarear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cacarear LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -cacarear SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -cackle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -cackle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cackle LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -cloquear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -cloquear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -caddie CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -caddy CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -schnorr ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -scrounge SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -scrounge ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -shnorr ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -cage CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -enjaular CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -cage_in CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -revestir SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -revestir ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -revestir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -revestir STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -coat COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cake COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cakewalk DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -calcificar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -calcificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -calcificarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -calcificarse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -calcify COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -calcify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -calcify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -calcimine COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -calcine HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -calcinar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -figure HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -figure SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -figure CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -figure IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -figure UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -count_on SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -calculer CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -chiffrer CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -chiffrer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -work_out DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -work_out CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -work_out REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -work_out HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -work_out PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -work_out TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -deducir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deducir DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -deducir CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -deducir RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -deducir BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -deducir INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -averigüar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -averigüar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -computar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -cypher CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -cypher CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -cipher CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -cipher CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -codificar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -codificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -codificar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -compute CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -calendar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -calandrar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -calender FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -calibrate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -calibrar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -fine-tune ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -fine-tune AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -afinar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -afinar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -graduate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -graduate GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -graduate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -caliper MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -calliper MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -cocear HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -cocear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -calk LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -calk CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -calk HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -calafatear CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -calafatear FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -enmasillar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -enmasillar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -caulk CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -poner_ramplón LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cumplimentar VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -visiter VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -call_in REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -call_in SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -call_in REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -call_in COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -call_in VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -call_in RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -visitar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -visitar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -visitar VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -hacer_venir VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -exigir_pago REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -call_off SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -call_off CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -send_for SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -appeler NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -appeler SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -appeler OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -appeler ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -appeler COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -appeler RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -squall MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -squall AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -shout_out MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -shout_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -clamar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clamar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -yell MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -yell SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -scream MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -scream SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hollo MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hollo PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hollo SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -pasar_lista READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -teléfono COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -téléphoner COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -telephone COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -phone COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -llamar_por_teléfono COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -telefonear COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -convocar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -convocar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -convocar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -convocar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -convocar MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -hacer_llamado SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -intituler NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -baptiser NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -dénommer NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -dénommer ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -dénommer RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -hacer_escala LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -call_at LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -out_in LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -point_out EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -point_out SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -point_out OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -call_attention SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -signalize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -signalize AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -signalize SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -signalize SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -signalise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -signalise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -signalise SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -signalise SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -indiquer SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -call_back REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -call_back RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -call_back COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -recall REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -recall RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -recall RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -recall FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -remember CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -remember REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -remember APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -remember WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -conmemorar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -conmemorar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -conmemorar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -conmemorar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -conmemorar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -se_souvenir REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -retrieve REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -retrieve OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -retrieve BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -rememorar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -rememorar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -recollect REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -se_rappeler REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -volver_a_llamar RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -volver_a_llamar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -ramasser GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -ramasser EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -gather_up GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -gather_up EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -inviter ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -kick_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -kick_up INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -armar_jaleo MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -armar_jaleo INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -faire_voler RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -faire_voler INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -call_into_question FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -recusar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -recusar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -recusar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -recusar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -oppugn FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -question THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -question ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -question FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -call_it_quits FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -call_it_a_day FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -scrub CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -scrub WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -cancel COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cancel CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -scratch CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -scratch RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -scratch CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -scratch CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -scratch TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -call_on SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -call_one's_bluff FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -call_out SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -call_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -call_out FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -protestation SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -protestation SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -outcry SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -outcry SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -exclaim SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -exclamar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cry_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -wear_the_trousers LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -call_the_shots LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -call_the_tune LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -call_to_order BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -mobilize SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -mobilize PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -mobilize CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -mobilizar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -mobilizar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -mobilizar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -mobilise SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -mobilise PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -mobilise CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -mobiliser SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -mobiliser PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -mobiliser CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -movilizar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -movilizar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -repuntar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -repuntar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -caligrafiar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -calligraph WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -callous WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -insensibilizar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -insensibilizar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -callus HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -encallecerse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -chill_out MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -settle_down MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -settle_down LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -settle_down STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -calm_down MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -calm_down WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -simmer_down MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -cool_it MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -cool_off CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cool_off MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -cool_off WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -tranquilize MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -sedate MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -sedar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -sedar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -tranquillize MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -tranquillise MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -mettre_sous_tranquillisants MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -lull DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -lull MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -lull WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -serenar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -serenar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -quiet MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -quiet MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -quieten MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -quieten MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -tranquilliser MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -parir_terneros GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -parir_un_ternero GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -have_young GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -combar BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -camber BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -camuflarse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -camouflage CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -camuflajear CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -camuflar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -camp_down MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -take_the_field ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -take_the_field GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -camphorate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -alcanforar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -enlatar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -envasar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -can DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -can PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -poder DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -poder PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -tin PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tin COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -tin PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -mettre_à_la_porte DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -mettre_à_la_porte DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -dar_aviso DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -sack INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -sack DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -sack EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -sack STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -send_away DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -send_away DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -remercier DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -remercier APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -terminate FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -terminate DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -give_the_axe DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -give_the_axe DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -débaucher DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dejar_cesante DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -licenciar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -licenciar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -licenciar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -force_out WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -force_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -force_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -force_out EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -congédier DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -licencier DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -virer TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -virer DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -finiquitar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -give_the_sack DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -displace REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -displace REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -displace DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -displace MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -canalizar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -canalizar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -canalizar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -canalizar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -canalizar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -canalizar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -canalise MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -canalise DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -canaliser MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -canaliser DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -canal MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -canalize MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -canalize DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -acheminer DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -encauzar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -encauzar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -encauzar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -encauzar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -channel TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -channel DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -channel CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -offset DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -offset COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -offset PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -compensar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -compensar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -compensar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -compensar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -compensar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -strike_down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -strike_down CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -strike_down KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -cancel_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -candle ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -glaze LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -glaze CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -glaze COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -candy COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sugarcoat COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sugarcoat INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -glasear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cane HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -flog HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -canker CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -ronger CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -llagar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -gangrenar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -canibalizar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -canibalizar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -cannibalise EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -cannibalise USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -cannibalize EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -cannibalize USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -cannon CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -cannon SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -cañonear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -cañonear ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -caramboler CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -caramboler SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -caramboler HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -disparar_un_cañon SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -cannonade ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -entubar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -entubar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -entubar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -intubate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -cannulize INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -canulate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -cannulate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -cannulise INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -ir_en_canoa MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -canoe MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_canoa MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -canonize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -canonise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -canoniser APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -saint APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -canoodle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -canopy COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -pitch PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pitch FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -pitch MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -pitch INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -pitch THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pitch SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -pitch HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pitch ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -pitch HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -pitch GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -oblicuar INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -cant_over INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -cant INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -bascular INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -canter MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir_a_galope MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -galopar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -galopar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -andar_al_galope MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -porte-à-faux MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -porte-à-faux BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -cantilever MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -cantilever BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -intone PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -intone PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -intone SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -intonate PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -intonate PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -entonar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -entonar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -entonar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -entonar SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -chant PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -chant SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -salmodiar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -cantillate PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -solicitar_votos ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -encuestar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -poll CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -poll CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -poll ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -poll OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -cap COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cap REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -crest REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -crest COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -franchir_la_crête_de REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -franchir_la_crête_de COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -coronar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -coronar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -coronar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -coronar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cap_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -capacitate AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -capacitate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -capacitate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -habiliter AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -habiliter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -habiliter CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -caper JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -capitalise BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -capitalise FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -capitalise CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -capitalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -capitalise WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -capitalise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -capitalize BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -capitalize FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -capitalize CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -capitalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -capitalize WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -capitalize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mettre_en_majuscules WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -poner_en_mayúscula WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -capitalizar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -capitalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -capitalizar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -capitalizar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -take_advantage BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -lucrar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -capitulate FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -capitular FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -caponise CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -capar_un_gallo CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -caponize CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -capriole PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -capriole DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -cabriolar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -turtle INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -turtle HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -tortue INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -tortue HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -capsize INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -zozobrar INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -zozobrar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -zozobrar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -volcarse INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -turn_turtle INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -encapsular ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encapsular INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -capsule ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -capsule SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -capsulate ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -capsulize ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -capsulize SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -capsulise ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -capsulise SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -encapsulate ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encapsulate SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -liderar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -liderar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -liderar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -liderar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -liderar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -captain LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -capitanear LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -capitanear OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -capitanear WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -caption LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -caracole DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -caramelise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -caramelise COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -acaramelar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -acaramelar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -caramelize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -caramelize COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -caraméliser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -caraméliser COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -caramelizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -caramelizar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -caramelizarse COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -caravan MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -carbonater CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -carbonater TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carbonate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -carbonate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carbonatarse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -carbonatar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -carbonatar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carbonize BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carbonize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -carbonise BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carbonise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -carbonizarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carbonizarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -calcinarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carboniser BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carboniser COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -carburize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -carburise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -carboxylate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -carburar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -carburet COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -carder SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -card ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -card SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -pasar_la_tarjeta SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -verificar_edad ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -vérifier_l'âge ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -contrôler_l'âge ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -care CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -care MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -care HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -care REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -preferir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -preferir CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -preferir LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -preferir REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -like LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -like FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -like REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -dar_cuidados HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -give_care HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -gérer MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -guiar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -guiar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -guiar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -guiar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -guiar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -guiar ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -regentar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -manejar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -manejar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -manejar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -manejar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -manejar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -manejar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -manejar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -manejar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -manejar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -tramitar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -tramitar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -tramitar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -interesar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -interesar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -interesarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -preocuparse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -preocuparse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -preocuparse THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -importar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -importar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -importar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -importar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -importar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -preocupar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -worry TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -worry CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -worry EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -give_a_hoot CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -give_a_hang CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -care_a_hang CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -give_a_damn CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -despreocuparse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -care_for LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -care_for HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -trata HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -traiter HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -soigner HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cherish LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -hold_dear LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -keel GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -tambalearse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tambalearse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -tambalearse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tambalearse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -reel ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -reel MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -reel GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -swag REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -swag MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -swag GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -tituber GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -lurch PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -lurch TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -lurch GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -lurch DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -stagger CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stagger SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -stagger TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -stagger GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -vaciller GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -vacilar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -vacilar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -vacilar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -vacilar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -vacilar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -vacilar COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -vacilar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -careen GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -chanceler GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -bambolearse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -bambolearse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bambolearse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -wobble MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -wobble GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -escorar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -career RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -acariciar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -acariciar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -acariciar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -caresser TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -fondle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -caress TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -carjack STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -inquietar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -intranquilizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perturb CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perturb MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -turbar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -trastornar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -trastornar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -trastornar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -cark CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perturbar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perturbar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -perturbar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -unhinge REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unhinge CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -troubler CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disorder CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disorder MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -distract ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -distract CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disquiet CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -carmine COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -sensualize ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -sensualize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sensualize DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -sensualizar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -sensualizar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -carnalize ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -carnalize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -carnalize DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -carnalise DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -carnalizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -carnalizar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -sensualise DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -erotizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -erotizar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -volver_sensual ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -carnify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cantar_villancicos SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -carol SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -carom HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -carambolear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -carouse ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -amotinarse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -amotinarse ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -ir_de_juerga TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ir_de_juerga ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -riot OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -riot ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -roister ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -cavil CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -carp CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -chicane DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -chicane CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -carpintear WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -carpenter WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -alfombrar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -alfombrar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -carpet PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -carpet COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -enmoquetar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -carpet_bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -persuade PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -sway GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -sway MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -sway PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -sway MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -stockpile POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -conllevar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -expresar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -expresar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -expresar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -express SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -express SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -express EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -express SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -aprobarse ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -prolongar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -prolongar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -abastar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -abastar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -prendre REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -prendre CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -prendre EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -prendre INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -prendre MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -prendre TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -prendre CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -emporter CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -driblar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -driblar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -dribble SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -dribble SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -dribble FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -transport TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -transport CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -transport CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -efectuar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -efectuar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -efectuar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -face_the_music AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -a_mal_tiempo_buena_cara AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -carry-the_can AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -carry_back TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -carry_over REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -carry_over CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -carry_over RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -carry_over CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -carry_forward CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -proseguir CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -proseguir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -proseguir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -proseguir CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -proceed EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -proceed CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -proceed SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -proceed ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -proceed GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -follow_through FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -follow_through HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -follow_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -follow_up COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -go_through FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -go_through CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -go_through EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -go_through UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -go_through GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -implementar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -implementar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -put_through FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -put_through JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -compléter FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -achever FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -achever KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -follow_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -remettre STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -remettre ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -remettre CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -remettre DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -remettre RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -remettre GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -remettre RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -hold_over STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hold_over ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hold_over CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -hold_over DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -hold_over RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -carry_to_term GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -carry_weight INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -cart CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -cart PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -carretear MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -carretear CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -carretear PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -llevar_en_carro CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -llevar_en_carretilla CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -drag SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -drag EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -drag MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -drag PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -drag CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -drag BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -drag PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -drag OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -hale OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -hale PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -haul CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -haul PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -haul_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cart_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -haul_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cart_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -despachar_en_vehículo REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -caricaturer PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -cartoon PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -cartwheel PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -esculpir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -esculpir CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -carve CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -carve CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -tallar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -tallar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tallar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -tallar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -cincelar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -grabar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -grabar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -grabar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -grabar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -labrar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -labrar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -labrar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -labrar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -chip_at CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -trinchar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -trinchar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -cut_up BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -cut_up CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cut_up REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -cut_up SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -carve_out ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -carve_out OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -desunir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -fendre CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -fendre SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dissever SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -carve_up SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dividir DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -dividir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -divide DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -divide SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -cascade FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -cascade OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -cascade_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -case ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -case ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -emboîter ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encase ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encajonar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encajonar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enfermer_dans ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -incase ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -caseate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cash CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -cash_in CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -sacar_partido BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -cash_in_on BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -cash_out EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -despedirse DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -despedirse GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -despedirse WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -cashier DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -cashier DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -separar_del_servicio DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -casket ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encasquetar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -amortajar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -amortajar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -redacción SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -couch SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -redact ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -redact SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -redactar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -redactar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -redactar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -redactar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -redactar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -redactar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -redactar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -escoger CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -escoger GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -elegir CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -mould CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -mould MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -vaciar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -vaciar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -vaciar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -vaciar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -vaciar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -vaciar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -couler CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -couler LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -mold MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -mold CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -mold COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -mold INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -mold SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -moldear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -moldear MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -moldear INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -sacudirse_algo DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -shed DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -shed EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -shed EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -throw_off DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -throw_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -quitarse DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -quitarse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -librarse_de DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -librarse_de CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -despojarse DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -drop SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -drop MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -drop DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -drop EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -drop HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -drop FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -drop LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -drop CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -drop DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -drop REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -drop EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -drop FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -drop EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -drop KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -drop GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -drop SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -drop CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -drop DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -drop WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -drop DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dejar_caer FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -dejar_caer CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -dejar_caer LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -dejar_caer FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -dejar_caer DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -quitarse_de_encima DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -throw_away DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -cast_off DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -cast_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -shake_off DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -shake_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -contrive PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -contrive CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -contrive DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -proyectar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -proyectar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -proyectar CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -proyectar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -proyectar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -proyectar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -proyectar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -proyectar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -proyectar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -project PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -project SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -project TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -project CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -project MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -project IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -project PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -project DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -project COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -project SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -project BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -hurtle THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hurtle TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hurtle GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hurl THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hurl SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hurl GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -elenco ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -roam TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -vagabundear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tramp MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tramp TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -caminar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -caminar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -caminar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -caminar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -caminar ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -caminar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -rove TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -vagabonder TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -errar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -errar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -errar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -errar MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -errar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -clochard MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -clochard TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ramble SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -ramble TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -roll FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -roll HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -roll MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -roll OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -roll MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -roll TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -roll HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -roll ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -roll OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -roll OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -roll FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -roll PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -roll PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -roll SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -stray SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -stray TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -stray LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -rondar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -rondar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -rondar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rondar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -rondar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -rondar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -rondar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -errer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -vagabond TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -vagar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -vagar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -desechar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -desechar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -put_away EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -put_away CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -put_away KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -put_away USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -put_away DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -put_away CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -naufragar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -naufragar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -naufragar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -toss_away DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -cast_aside DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -fling DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -fling THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fling CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -fling GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -toss DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -toss THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -toss TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -toss MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -cast_away DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -discard DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -toss_out DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -dispose CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dispose PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -dispose DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -dispose PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -dispose GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -deject CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -demoralise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -demoralise DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -cast_down CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desalentar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desalentar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -desalentar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -depress CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -depress REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -depress PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -demoralize CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -demoralize DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -desanimar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desanimar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -abatir FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -abatir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -abatir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -abatir DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -abatir KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -abatir DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -dispirit CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deprimir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cerrar_puntos SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -cast_on SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -castigar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -castigar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -castigar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -castigar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -chasten REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -chasten REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -chastise REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -objurgate REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -objurgate AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -castigate REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -castigate PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -castle PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -enrocar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -emasculate CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -emasculate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -capar CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -demasculinize CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -émasculer CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -châtrer CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -castrer CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -emascular CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -emascular WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -demasculinise CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mutilar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mutilar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -mutilar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mutilar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -mutilar CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -affaiblir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -catabolise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -catabolize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -catalog SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -cataloguer SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -catalogue SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -catalogar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -catalyse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -catalyze CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -catalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -catapultar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -catapultar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sling THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sling HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -sling MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -catapult THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -catapult SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -tirar_con_honda THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -catcall SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -trip_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -trip_up MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -trip_up FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -cazar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -cazar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -cazar HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cazar CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -view INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -view UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -view SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -escuchar HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -escuchar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -escuchar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -oír HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -oír KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -oír FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -overhear HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -oír_sin_querer HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -oír_por_casualidad HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -overtake REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -overtake OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -catch_up_with REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -grab CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -grab LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -grab TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -grab STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -agripper CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -agarrar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -agarrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -agarrar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -take_hold_of CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -attraper CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -attraper REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -attraper CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -agazapar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -liarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -liarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -get_a_look SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -catch_sight SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -catch_a_glimpse SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -echar_una_cabezada SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -echar_una_siesta SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -sestear SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -nap SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -hacer_la_siesta SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dormir_una_siesta SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -catch_a_wink SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -catnap SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -catch_cold CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -coger_frío CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -ignite BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ignite AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -conflagrate BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -take_fire BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -inflamarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -inflamarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -inflamarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -catch_fire BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -catch_it REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -catch_on CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -catch_on UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -twig UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -twig CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -latch_on ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -latch_on LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -latch_on UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -get_wise UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -get_onto UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -get_it UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -get_it PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -cotton_on UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -catch_out FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -slumber SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -log_z's SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dormitar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dormitar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -catch_some_z's SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -sleep SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -sleep HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -kip SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -llegar_al_nivel REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -catch_up REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -catch_up LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -reponer TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -reponer REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -reponer PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -reponer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -catechise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -catechise ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -catequizar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -catequizar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -catechize TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -catechize ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -categorizar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -categorise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -categorize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -encadenar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -encadenar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -encadenar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -catenulate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -catenate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -cater NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -cater LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -ministrar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -aprovisionar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -aprovisionar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -dotar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -dotar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dotar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -surtir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -suministrar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cateraje LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -suplir LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -suplir REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -ply LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -ply WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -ply CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -ply TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ply JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -ply USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -yowl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -caterwaul MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -catexiar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -cathect AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -cateterizar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -catheterise INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -catheterize INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -catholicize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -catholicise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -latinise WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -latinise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -catolizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -latinize WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -latinize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -latinize TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -caucus CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -cause CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -cause INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -stimuler INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -hacer_percibir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -cause_to_be_perceived EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -cause_to_sleep SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -pavimentar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -pavimentar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -causeway PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -causeway MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -adoquinar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -undermine DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -undermine CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -cave SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -cave CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -socavar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -socavar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -socavar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -spelunk SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -hacer_espeleología SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -cavern CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -minar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -minar ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -minar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -minar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -minar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -minar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cavar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -cavar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -cavar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -cavern_out CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -skylark BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -gambol BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -lark BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -cavort BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -frisk BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -frisk SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -frolic BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -lark_about BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -juguetear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -juguetear HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -juguetear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -juguetear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -run_around BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -rollick BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -romp BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -romp WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -romp RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -retozar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -cachear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -caw MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -lay_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -lay_off DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -quit RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -quit FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -quit GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -quit LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -acabar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -acabar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -acabar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -acabar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -acabar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -acabar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -acabar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -descatalogar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cease FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cesar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -end FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -concluir DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -concluir CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -concluir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -concluir DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -concluir SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -finalizar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -finalizar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cesser FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -finish RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -finish FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -finish EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -finish EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -terminer FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -finir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cede GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -cede GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -concede GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -concede GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -concede RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -librar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -librar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -librar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -librar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -librar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -librar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -surrender GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -surrender GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -oficiar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -oficiar EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -oficiar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -keep BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -keep WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -keep HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -keep RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -keep CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -keep PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -keep PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -keep RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -keep RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -keep REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -keep MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -keep HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -keep HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -keep PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -celebrar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -celebrar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -celebrar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -celebrar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -célébrer BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -célébrer CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -celebrate BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -celebrate CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -celebrate APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -festejar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -festejar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -festejar COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -festejar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -lionise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -lionize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -agasajar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -agasajar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -agasajar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -fete CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -cell_phone COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -cementar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -cement PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cement ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -cement STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -cimentar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cimentar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -thurify ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -incense ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -incense CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -incensar ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -cense ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -censure CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -census COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -censar COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -censar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -censar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -focus_on FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -center_on EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -center_on FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -centrar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -centrar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -centrar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -revolve_about FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -concentrate_on FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -center MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -center FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -revolve_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -revolve_around FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -centre MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -centre FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -rivet SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -rivet FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -enfocarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -focus ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -focus MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -focus FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -pore FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -centrarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -center_punch HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -centralizar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -centralize AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -centralise AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -centrifuge MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -centrifugate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -centrifugar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -centrifugar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -cere ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -réfléchir THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -cerebrate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -meditar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -meditar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -cogitate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -discurrir THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -reflexionar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -certificate AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -certificate DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -licence AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -license AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -declarar_demente DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -cha-cha DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_chachachá DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -excoriate CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -excoriate AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -fret LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fret CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fret HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -fret CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -fret PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -fret CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -fret TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -fret EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -gall CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -gall HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rub TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -fray TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -fray CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -escoriar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -confab SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -confab DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -confabularse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -confabularse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -confabularse ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -platicar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gossip REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -gossip SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -converser SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -discuter_le_coup SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -parlotter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -claver SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -parloter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -papoter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chit-chat SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shoot_the_breeze SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chat SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chaffer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chaffer QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -chew_the_fat SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -confabulate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -confabulate IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -confabulate DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -parlar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -faire_la_causette SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -deviser SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -bavarder SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chitchat SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chatear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -natter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chismear REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -chismear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -higgle QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -huckster QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -huckster SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -cambalachear REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -cambalachear QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -haggle QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -chain SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -chain JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -chain-smoke BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fumar_sin_parar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -chain_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -presidir LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -presidir MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -chairman LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -presidente LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -gobernar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -gobernar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -gobernar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -chair LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -lead OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -lead ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -lead MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -lead IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -lead LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -lead INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -lead RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -lead PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -lead EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -moderate LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -moderate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -moderar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -moderar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -chalk WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -hacer_con_tiza WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -trazar_provisoriamente SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -chalk_out SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -chalk_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -chalk_up RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -run_up SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -run_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -run_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -run_up SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -remporter AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -remporter RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -adeudar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -adeudar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -take_exception CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -challenge COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -challenge ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -challenge FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -challenge CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -cuestionado ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -interrogado ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -dar_el_alto ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -impugnar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -impugnar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -gainsay FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -chamber PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -estriar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -estriar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -furrow EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -furrow PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -furrow CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -chase COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -chase CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -chase CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -chaflanar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -mâchonner EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -chomp EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -champ EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mascar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -masticar_ruidosamente EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mordisquear EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -defend RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -defend FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -defend PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -defend ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -defend SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -champion FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -acaudillar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -chandelle RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -exchange REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -exchange CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -exchange CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -intercambiar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -intercambiar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -intercambiar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -commute REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -commute MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -commute CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -commute GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -permutar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -permutar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -convert SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -convert PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -convert FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -convert CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -convert CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -remplazar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -remplazar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -canjear REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -canjear CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -reemplazar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -reemplazar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -reemplazar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -transfer TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -transfer MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -transfer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transfer CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transfer ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -transfer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -hacer_transbordo CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -cambiarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -cambiarse UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sufrir_un_cambio UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -deepen CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -deepen INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -se_changer DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -transferir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -transferir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -transferir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -transferir CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -transferir CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transferir SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -transferir CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transferir ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -transferir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -revertir INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -revertir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -change_by_reversal INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -trastocar INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -restaurer INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -gybe TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -change_course TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -change_shape SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -change_form SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cambiar_de_forma SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -cambiar_de_forma SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -change_owners CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -change_hands CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -change_integrity CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cambiar_físicamente CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cambiar_integralmente CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cambiar_la_intensidad CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -change_intensity CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -change_magnitude CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cambiar_de_magnitud CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -passer AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -passer SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -passer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -passer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -change_over CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -change_over CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -effectuer_une_conversion_de_type CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -relevar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -relevar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -change_posture CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cambiar_de_postura CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -change_state CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -alterar_una_superficie CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -change_surface CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cambiar_de_gusto CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -change_taste CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -channelize TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -channelize MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -channelize DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -channelise TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -channelise MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -channelise DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -transférer TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -hacer_zaping CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -channel-surf CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -zapear CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -manœuvrer BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -manœuvrer DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -maneuver BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -maneuver DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -head REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -head BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -head GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -head COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -head LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -head DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -head PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -head GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -maniobrar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -maniobrar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -steer TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -steer PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -steer DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -manoeuver BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -manoeuver DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -manoeuvre BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -manoeuvre DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -guide ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -guide MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -guide PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -guide DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -encaminar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -encaminar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -encaminar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -encaminar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -encaminar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -encaminar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -tone COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tone HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -tone SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -tone CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -agrietar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -agrietar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -chap HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -resquebrajarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -resquebrajarse EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ir_de_carabina ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -chaperone ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -chaperon ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -achicharrarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -achicharrarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -requemarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -coal LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -coal BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -character CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -characterize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -characterize DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -caractériser DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -characterise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -characterise DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -qualify EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -qualify SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -qualify REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -qualify PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -qualify EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -qualify OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -qualify ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -dibujar_al_carbón WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -hacer_a_carbón WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -charcoal WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -hacer_a_carboncillo WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -carbón_de_leña WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -level SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -level FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -level DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -pointer HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -pointer DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -internar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -internar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -institucionalizar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -institutionalise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -enviar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -enviar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -enviar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -enviar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -enviar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -institutionalize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -commit LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -commit AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -commit FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -commit CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -commit GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -commit VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -charger LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -charger BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -charger REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -charger TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -charger FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -charger ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -consignar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -consignar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -consignar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -consign FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -consign GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -consign SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -mandar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -mandar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -mandar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -mandar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -mandar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -mandar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -file REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -file ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -file RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -file EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -file GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -empapelar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -empapelar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -empapelar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -chariot MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -chariot CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -llevar_en_carroza CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -charleston DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_charleston DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -chart PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -chart REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -graph PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -graph REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -tabular SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -tabular REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -graficar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -représenter_sous_forme_graphique REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -trazar_el_mapa REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -trazar_un_mapa REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rent LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -rent TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -hire HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -hire TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -contratar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -contratar HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -contratar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -contratar TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -charter GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -charter TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -lease LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -lease TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -alquilar LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -alquilar TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -arrendar LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -arrendar TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -estatuir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -affermer TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -amodier TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -louer TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -affréter TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -noliser TAKE-A-SERVICE_RENT I-Agent I-Theme I-Source I-Asset I-Goal I-Extent B-Agent B-Theme B-Source B-Asset B-Goal B-Extent B-V I-V O -chase_after COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -chase_after CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -cortejar FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -cortejar COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -go_after SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -go_after CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -tag LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tag NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -tag CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -tag ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -tag TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -give_chase CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -track CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -track REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -track CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -track SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -track PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -rastrear SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -rastrear HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -rastrear CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -rastrear SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -chasser CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -chasser DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -trail EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -trail CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -trail TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -trail PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -dog CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -drive_away DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -dissiper DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -desvanecer DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -desvanecer CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -drive_off DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -drive_out EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -drive_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -chase_away DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -ahuyentar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -chasse PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sashay TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sashay PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sashay MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -subdue PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -subdue REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -subdue RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -subdue SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -subdue OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -tame REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -tame HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -tame REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -tame TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -atemperar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -atemperar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -temperar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -temperar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -click MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -click PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -click UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -click HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chasquear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chasquear CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -chasquear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -chasquear CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -chasquear DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -chasquear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chasquear BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -castañetear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chauffeur CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -drive_around CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -drive_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -chaw EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -cheapen DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -degrade DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -degrade DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -degrade CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -abaratar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -abaratar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -chisel CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -chisel DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -chisel STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -rip_off STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -descuerar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hacer_trampa DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -hacer_trampa FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -jockey COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -jockey DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -jockey WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -los_chichos DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -atornillar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -atornillar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -chouse DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -shaft DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -shaft STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -check_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -check_out ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -check_out RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -check_out LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -check_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -check_out VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -refrenarse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -refrenarse REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -contenerse REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -delay DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -delay STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retard DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -retard SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -amaestrar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -condition EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -condition REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -condition TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -condition OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -dresser TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -discipline TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -discipline PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -adiestrar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -adiestrar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -check_over VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -revisar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -revisar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -revisar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -revisar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -revisar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -revisar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -check_into VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -look_into SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -look_into VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -go_over FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -go_over VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -go_over HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -check_up_on VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -suss_out VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -escribir_un_cheque WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -dar_jaque DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -mark_off PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -mark_off SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -tick_off SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -check_off SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -hold_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -hold_in REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -hold_in CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -cohibir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -curb PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -curb REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -curb RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -facturar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -facturar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -facturar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -chink BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -chink MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chink FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -checker PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -checker EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -vérificateur PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -vérificateur EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -chequer PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -chequer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -dar_a_guardar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pararse_de_repente STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -sign_in VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -darse_de_alta VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -s'enregistrer VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -check_in VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -registrarse VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -registrarse RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -run_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -run_down EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -run_down CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -run_down HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -run_down CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -run_down ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -correr_detrás ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -estar_tras ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -feel_out LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -cheque REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dar_mate_a DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -checkmate DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -mate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -mate JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -mate DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -checkrow BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -insolentarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cheek SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -peep SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -peep MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -peep APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -peep SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -peep SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -piar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -piar SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -gorjear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -gorjear SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -grillar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -trinar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -trinar SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -piauler MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chirrup MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -cheep MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chirp MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chirp SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -chirk_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cheer_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -acclamer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -envalentonar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -alentar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -alentar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -alentar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -recrear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -recrear INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -recrear IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -recrear COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -embolden INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -hearten INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -jolly_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -jolly_along CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cheerlead WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -cheese ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -cheese FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -fromager ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -fromager FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -chelate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -chemisorb ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -masticate EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -manducate EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -masticar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -moderse_las_uñas EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -chew EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mull HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -mull THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -chauffer_et_épicer HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -chauffer_et_épicer THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -especular GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -especular BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -especular BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -especular THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -rumiar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -rumiar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -think_over THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -preguntarse THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -cavilar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -speculate BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -speculate BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -speculate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -muse THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -reflect SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -reflect REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -reflect THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -mull_over THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -meditate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -contemplate TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -contemplate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -chew_over THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -méditer THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -ponder THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -ponderar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -ponderar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -ponderar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -peser EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -peser TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -peser BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -peser MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -peser THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -peser PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -excogitate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -excogitate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -ruminate EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -ruminate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -chicken-fight FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -chickenfight FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -childproof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -child-proof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -enfriar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfriar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -enfriar COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -chill CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -chill COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -helar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -helar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -helar COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -helar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -helar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -congelarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -congelarse COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -congelarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -congelarse DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -congelarse PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -enfriarse COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -refrigerar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -refrigerar COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -cool WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -cool COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -refroidir COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -cool_down WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -cool_down COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -refrescar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -refrescar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -refrescar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -refrescar COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -repicar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chime MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chin_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -chin RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -chine CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -clink MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tintinear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tink MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tinkle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -nick HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -nick CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -nick DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -mellar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -mellar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -mellar SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -mellar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -muescar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -chip_away REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -chip_away_at REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -chip_in GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -donar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -donar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -kick_in OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -kick_in GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -kick_in BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -chirriar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chirriar SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -rechinar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -rechinar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chirk MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chiromance GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -leer_la_mano GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -tweedle LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -tweedle PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -tweedle SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -chirr MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -twitter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chitter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clorar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -clorar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -clorinar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -clorinar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -chlorinate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -chlorinate WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -cloroformizar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -chloroform SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -calzar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -calzar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -calzar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -calzar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -chock STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -chock STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -ram BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -ram OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -ram FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ram HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -apretar TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -apretar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -apretar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -apretar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -apretar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -embutir PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -embutir SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -embutir FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -embutir EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -jampack FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -apiñar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -apiñar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -apiñar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -abarrotar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -abarrotar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -apretujar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -chock_up FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -corear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -corear SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_en_coro SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -chorus SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chorus SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -choir SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -strangle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -strangle HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -strangle CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -strangle KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -gag STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -gag HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -gag TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -gag JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -gag PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -ahogar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ahogar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -ahogar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -ahogar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -ahogar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -scrag HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -scrag KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -tordre_le_cou_à HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -tordre_le_cou_à KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -torcer_el_pescuezo HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -torcer_el_pescuezo KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -choke_back RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -choke_down RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -chondrify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -seleccionar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -opt CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -triar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -optar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -choose CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -decantar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -decantar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -decantar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -prefer CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -prefer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -opter CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -select CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -choisir CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -pick_out CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -pick_out PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -choose_up CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -chop CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -chop MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -chop SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -chop HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tajar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tajar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -tajar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chop_up CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -trocear BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -trocear CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cortar_en_trozos CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -émincer CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -hack CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -hack MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -hack HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -hack REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -hack BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hack REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -chop_down CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -talar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -talar KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -lop_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -chop_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tronchar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -corde PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -corde HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -chord PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -chord HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -congeniar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -congeniar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -congeniar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -choreograph PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -choreograph CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -coreografiar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -chortle LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -laugh_softly LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -chuckle LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -reírse_ahogadamente LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -reírse_bajito LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -reírse_entre_dientes LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -cristianizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -christianize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -evangelizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -evangelizar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -évangéliser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -évangéliser TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -christianiser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -christianise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -chrome COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -chrome TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cromar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cromar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -placa_cromada COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cromado COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -chromium-plate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -chronicle RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -chronologize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -chronologise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -ditch REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ditch GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -ditch HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ditch LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -ditch CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -ditch DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -zafarse DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -pat TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -palmotear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -palmotear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -palmotear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -chuck_up_the_sponge GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -drop_out RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -drop_out GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -drop_by_the_wayside GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -throw_in_the_towel GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -fall_by_the_wayside GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -arrojar_la_toalla GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -throw_in ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -throw_in INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -throw_in GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -tirar_la_toalla GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -chuff BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -huff BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -chug MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chum_up BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -pal BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -pal_up BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -lump GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -lump SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -chunk GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -chunk SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -collocate BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -collocate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -être_cooccurrents BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -être_cooccurrents SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -church COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -churn_out CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -churn_out CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -sicken CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sicken HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -sicken CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -nauseate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disgust DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -disgust CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -revolt DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -revolt CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -revolt OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -écœurer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -churn_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -asquear DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -asquear CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -repugnar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -repugnar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -repugnar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -churr MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chute FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -parachute FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -cicatrize HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cicatrise HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cicatrizar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cinch VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -cinch SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -cinch LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -girth SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -cinchar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -cinematize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -cinematise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -write_in_code CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -code CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -code SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -encoder CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -coder CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -encriptar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -encipher CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -cifrar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -encrypt CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -circular BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -circular MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -circular TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circular ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -circular CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -circle TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circle ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -circle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -encircle ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encircle SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -moverse_en_círculo TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circle_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circle_round TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -dar_una_vuelta TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circunvalar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -circunvalar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circuit TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -répartir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -propagarse TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -propagarse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -propagarse GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -propagarse FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -propagarse ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -propagarse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -difundirse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -difundirse AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -difundirse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -caminar_alrededor TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -walk_around BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -walk_around MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -walk_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -dar_la_vuelta TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -dar_la_vuelta MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -circumambulate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -se_promener BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -se_promener MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -se_promener TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circuncidar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -circumcidar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -circumcise CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -circumfuse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -circunnavegar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circumnavigate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -circunscribir PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -circunscribir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -circumscribe PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -circumscribe REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -circumstantiate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -circunstanciar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -circumvallate PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -amurallar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -amurallar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -sidestep ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -dodge ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -dodge TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hedge ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -hedge ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -hedge STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hedge REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -duck ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -duck LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -duck DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -fudge ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -fudge FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -put_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -put_off CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -put_off DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -contourner ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -circumvolute ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -circumvolve TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -rotate TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -rotate ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -rotate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -rotate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -hacer_rotar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -quote CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -quote WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -quote SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -citer CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -citer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -summon SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -summon AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -summon PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -emplazar SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -emplazar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -emplazar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -summons SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -hacer_referencia CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -reference CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -metropolizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -citify CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -citrate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -civilizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -desenvolupar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -desenvolupar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -civilise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -modernizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -modernizar RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -civilize AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -school AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -school AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -school TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -educate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -educate TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -cultivate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -cultivate HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -cultivate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -cultivate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -curdle CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -curdle SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -clabber CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cuajar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cuajar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -clot CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -clot AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -cluck MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -postular SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -postular PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -postular AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -exact RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -exact ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -cobrarse RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -cobrarse PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -clam GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -despellejar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -despellejar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -despellejar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -shinny RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -trepar_a_gatas RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -struggle FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -struggle RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -struggle TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -arrastrarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -arrastrarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -shin RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -sputter REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sputter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sputter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sputter EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -sputter RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -chisporrotear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chisporrotear RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -trepar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -trepar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -trepar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -clamber RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -clamor SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -clamor ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -clamor OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -tapage SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tapage ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -clamour SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -clamour ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -clamp SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -clamp OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -clamp_down PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -crack_down PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -clangor MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clang MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sonar_a_metal MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clangour MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clank MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -palmear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -slap_on PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -slam_on PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -clap_on PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -slap_together CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -clap_together CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -clap_up CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -clapboard COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -clavar_las_uñas CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -claret DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -dilucidar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -dilucidar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -clarify EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -clarify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -elucidar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -clarifier EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -élucider EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -elucidate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -clamorear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -clarion PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -clarion SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -tocar_el_clarín PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -clash DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -clash QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -clash HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -collide DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -collide HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -asir CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -asir TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -estrechar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -estrechar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -estrechar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -classicise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -classicize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -arañar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -arañar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -arañar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -claw CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -claw CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -claw CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -claw GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -garrar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -dar_un_bocinazo MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -clean EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -clean REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -clean EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -clean WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -clean STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -limpiar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -limpiar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -limpiar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -limpiar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -limpiar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -nettoyer WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -purifier CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -purifier WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -make_clean WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -hacer_el_aseo WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -houseclean WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -asear_la_casa WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -clean_house WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -limpiar_la_corrupción WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lavarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -lavarse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -limpiarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -limpiarse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -scavenge REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -scavenge GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -scavenge EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -scavenge WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -purificar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -purificar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -purificar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -purificar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -descascarillar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cleanse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cleanse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -asearse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -clean_out EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -clean_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -clean_out STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -clear_out EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -clear_out EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -clear_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -clean_up MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -clean_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -clean_up EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -clean_up WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -tidy SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -asear SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -asear EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -neaten SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -neaten EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -tidy_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -straighten_out AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -straighten_out STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -straighten_out SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -straighten_out EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -straighten_out SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -straighten STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -straighten RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -straighten SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -square_away SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -régler ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -régler PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -solve DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -solve PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -net CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -net GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -net SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -net EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -rentar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -top CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -top FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -top REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -top COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -top HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -top OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -ganar_neto EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -sack_up EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -cristalizar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -cristalizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cristalizar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -shed_light_on EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -crystallise EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -crystallise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -crystallise SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -crystalise EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -crystalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -crystalise SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -crystalize EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -crystalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -crystalize SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -crystallize EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -crystallize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -crystallize SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -illuminate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -illuminate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -illuminate LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -enlighten EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -enlighten TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -unclutter REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desobstruir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descongestionar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unánimente REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -claramente REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -clear-cut CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -quitar_los_estorbos CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -clear_off CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -clear_away CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -expectorate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -expectorar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -clear_the_air SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -hawk REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -hawk HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -hawk SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -clear_the_throat REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -mop_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -mop_up DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -mop_up WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -finish_up RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -finish_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -wrap_up ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -wrap_up FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -wrap_up PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -wrap_up ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -get_through FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -get_through CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -get_through SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -get_through COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -get_through UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -finish_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cleat LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cleat SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -acuñar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -acuñar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -surcar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -surcar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -surcar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -surcar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -surcar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -surcar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -surcar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -surcar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hender BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -hender CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -hender CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -rive CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -hendir CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -clinch STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -clinch CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -clinch SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -clinch FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -clinch TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -clinch SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -clench CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -clench PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -empuñar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -crisper PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -clerk WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -clue ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -clew ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -sink_in PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -sink_in UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -dawn METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -dawn BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -dawn UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -come_home UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -fall_into_place UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -haga_clic_en UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -get_across EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -get_across REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -get_across UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -flick REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -flick MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -flick MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -flick MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -flick LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -flick THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -flick ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -flick HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -donner_un_petit_coup_à REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -donner_un_petit_coup_à MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -donner_un_petit_coup_à MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -donner_un_petit_coup_à MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -donner_un_petit_coup_à LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -donner_un_petit_coup_à THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -donner_un_petit_coup_à ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -donner_un_petit_coup_à HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -click_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -click_open OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -climax FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -culminar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -culminar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -culminar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -culminate ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -culminate REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -culminate FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -culminate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -climb PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -climb MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -climb INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -climb DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -climb RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -escalar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -escalar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -escalar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -escalar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -wax CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -wax INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -wax COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -grimper DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -apapachar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -remachar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -remachar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -asirse CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -cling_to CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -hold_tight CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -hold_close CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -agarrarse CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -clutch CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -clutch CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -clinker REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -clinker CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -limpiar_la_chimenea REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -snip CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -podar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -podar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -lop CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -clip REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -clip CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -clip ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -clip RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -prune REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -prune CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tijeretear CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -nip CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -nip EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -nip PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -snip_off CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -nip_off CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -jog AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -jog MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -jog TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -jog SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -jog FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -jog RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -trotar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -trotar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -trot MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -trot RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -diminuir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -curtail REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -curtail RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -clitter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -stridulate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -cloak DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -cloak COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cloak CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -robe DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -robe COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -drape PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -drape COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -drape EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -time ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -time MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -time PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -chronométrer MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -clock MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -cronometrar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -cronometrar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fichar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -punch_in RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -clock_in RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -clock_on RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -clock_out RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -clock_off RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -punch_out RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -clock_up RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -log_up RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -bailar_con_zuecos DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -coagular CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -coagular AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -overload BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -overload STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -overload FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cloîtrer ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cloîtrer CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -cloîtrer ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -enclaustrar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -recluir ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -recluir ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -cloister ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cloister ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -enclaustrarse ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -andar_pesadamente MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -clomp MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -hollar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -hollar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -hollar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -clonar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -clone INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -clop MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -plunk PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plunk MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -plunk REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -plunk PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -clunk MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -close CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -close FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -close PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -close SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -close GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -close FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -close PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -close JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -close ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -close FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -close GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -close SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -close_down FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -fold COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -fold FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -fold RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -fold CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -fold PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -clausurar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -clausurar FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -clausurar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -clausurar SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -shut_down FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -conclude DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -conclude FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -conclude SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -come_together ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -fermer CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -fermer ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -fermer SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -fermer JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -clore JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -refermer JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -rejoindre ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -rejoindre JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -shut CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -shut STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -fill_up EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -fill_up FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -acercarse_a GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -close_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -close_in GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -inclose ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -inclose INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -shut_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -enclose ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -enclose INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -isoler ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -isoler PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -séparer ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -séparer SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -couper REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -couper CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -couper ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -couper TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -close_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -close_out PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -preclude PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -imposibilitar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -imposibilitar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rule_out SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -rule_out REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -rule_out PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -recluirse ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -closet ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -closure FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cloture FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -coagularse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -coagulate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -coaguler CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -se_coaguler CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -dapple COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -taint CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -taint DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -overcast SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -overcast CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -nube CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -anublar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -cloud_up CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -cloud_over CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -taparse CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -taparse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -encapotarse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -clout HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cruzar_el_rostro HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_un_tortazo HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cloy NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -cloy SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -surfeit NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -surfeit ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -empalagar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -empalagar SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -surabondance NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -surabondance ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -clue_in HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -dar_una_pista HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -dar_pistas HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -apiñarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -apiñarse AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -apiñarse MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -flock GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -flock GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -constellate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -constellate GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -constellate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -saisir CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -saisir TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -saisir CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -saisir STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -prehend CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -sobrecoger CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -get_hold_of CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -get_hold_of TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -get_hold_of COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -clutter_up FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -clutter FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -co-author CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -co-educate TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -coeducate TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -cooccur ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -coincide MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -coincide ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -coincide HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -concurrir ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -concurrir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -co-occur ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -construe_with ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -cooccur_with ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -collocate_with ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -co-occur_with ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -coopter CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -coopter FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -cooptar CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -co-opt CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -co-opt FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -co-sign WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -co-sign ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -cosign WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -cosign ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -cofirmar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -firmar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -firmar SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -firmar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -firmar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -coprotagonizar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -coprotagonizar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -partager_l'affiche EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -partager_l'affiche PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -co-star EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -co-star PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -co-protagonizar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -co-vary CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -coach MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -coach TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -coact CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -proveerse_de_carbón LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fundirse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fundirse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -fundirse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -coapt BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -coapt SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -conglutinate BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -conglutinate ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -embastecer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -coarsen WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -coast MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -dejarse_ir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -dejarse_llevar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -deslizarse ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -deslizarse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -deslizarse MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -deslizarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -deslizarse SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -deslizarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -deslizarse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -surface RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -surface APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -surface COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -recubrir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -remendar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -cobble REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -cobble PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -paver REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -paver PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cobblestone PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -amañar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -amañar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -amañar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -amañar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -cobble_up MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -cobble_together MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -apañar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -apañar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cocainise SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -cocainizar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -cocainize SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -armer ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -armer MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -armer INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -cock ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -cock MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -cock INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -strut MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -contonearse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -contonearse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -contonearse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ruffle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ruffle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -ruffle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ruffle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -ruffle PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -ruffle RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -tittup MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -prance JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -prance MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -cock_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -prick_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -cockle PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -cockle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -riffle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -riffle ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -riffle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -riffle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -undulate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -undulate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -undulate HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -knit SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -knit SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -knit PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -arrugar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -arrugar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -arrugar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -arrugar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -chafarse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -rumple MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -rumple PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pucker SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -pucker PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -coconspire ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -acurrucarse MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -acurrucarse ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -acurrucarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -acurrucarse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -cocoon ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -cocoon ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -formar_un_capullo ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -codify SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -coaccionar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -presionar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -presionar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -presionar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -presionar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -coerce OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -coercer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -force PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -force ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -force PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -force PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -force OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -force AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -coexistir EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -coexist EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -coexister EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -coffin PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -endentar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -endentar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -cog ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -cog JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -coggle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -avanzar_a_pasitos MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -totter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -totter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -totter GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -chapotear PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -chapotear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chapotear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -chapotear DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -chapotear THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -chapotear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -chapotear WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -chapotear PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -toddle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -waddle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -anadear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -dodder MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -paddle PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -paddle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -paddle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -paddle DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -paddle HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -paddle SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -cogitar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -cognize KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -savoir KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -cognise KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -cohabit STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -cohabitar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -vivir_en_pareja STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -shack_up STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -convivir STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -vivir_en_concubinato STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -live_together STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -cohabiter STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -coil CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -coil ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -coil MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -curl PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -curl ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -loop ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -loop SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -loop FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -loop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -enroscar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -enroscar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -enroscar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -enroscar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hacer_a_mano CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -handbuild CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -hand-build CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -enrollarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -enrollarse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -enrollarse WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -gyrate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -spiral MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -spiral GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -spiral SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -troquelar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -coin CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -frapper CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -frapper AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -frapper KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -frapper HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -mint CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -coinsure PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -coasegurar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -coke CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -cold-cream PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -desairar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -desairar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -desestimar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -desestimar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -cold-shoulder OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -slight OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -coldwork SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cold_work SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -tumbar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tumbar KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -tumbar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -tumbar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dump REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dump FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -dump DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -dump SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -dump KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -dump DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -coldcock KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -collaborate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -collaborate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -cooperar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -cooperar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -collaborer DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -collaborer ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -coadyuvar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -cooperate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -coopérer ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -join_forces ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -dégringoler WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -colapsarse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -s'effondrer LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -s'effondrer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -s'écrouler WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -péricliter WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -cerrarse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -plegar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -plegar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -poner_el_collar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cotejar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -cotejar COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -collate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -collate COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -collateralize GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -colateralizar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -meter AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -meter DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -meter MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -meter INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -meter FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -meter PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -meter GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -meter SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -garner TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -garner AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -garner RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -recolectar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -recolectar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -pull_together AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -colectar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -collectivize COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -colectivizar COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -collectivise COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -colidir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -impinge_on HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -collide_with HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -subsumir CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -subsumir INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -subsumer CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -subsumer INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -subsume CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -subsume INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -collimate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -collimate BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -colimar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -parallel BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -parallel MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -collogue SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -collude ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -colonizar CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -colonizar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -colonize CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -colonise CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -coloniser CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -establecerse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -establecerse CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -establecerse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -color COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -color INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -color JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -color CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -maquillar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -maquillar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -colorer JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -colour COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colour INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -colour JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -colour CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -teñir COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -teñir DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -teñir INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -teñir FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -colorar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colorear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colorear GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -color_in COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colorise COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colour_in COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colorize COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colourise COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colourize COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tinge COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tinge INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -distort BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -distort INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -distort REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -distort SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -discolor COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -discolor CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -discolour CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -decolorarse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -colorcast TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -comb SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -comb STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -disentangle LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -disentangle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -disentangle STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -peigner STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desenredar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -desenredar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desenredar SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -desenredar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -coiffer STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desenmarañar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -desenmarañar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -desenmarañar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desenmarañar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -comb_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -comb_out STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -peinarse STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ransack SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -ransack STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -escardar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -escardar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -weed_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -compound CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -compound COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -compound INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -unite EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -unite COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unite ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -unite JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -come_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -come_in CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -come_in INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -come_in OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -come_in RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -entrar ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -entrar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -entrar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -entrar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -entrar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -entrar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -entrar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -entrar HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -entrar PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -traverser_l'esprit THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -passer_par_la_tête THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -occur THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -occur HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -venir_à_l'esprit THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -ocurrirse THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -fare RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -fare EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -arreglárselas MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -arreglárselas RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -arreglárselas FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -andar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -andar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -andar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -andar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -andar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -andar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -andar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -desenvolverse RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -pâture RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -pâture EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -viajar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -viajar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -viajar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -derive CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -derive OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -derive INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -derive DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -descend HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -descend DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -descend LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -descend DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -descender INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -descender LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -descender DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -descender HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -descender LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -descender REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -recorrer SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -recorrer MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -recorrer MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -recorrer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -recorrer VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -avoir_un_orgasme CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tener_un_orgasmo CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -venirse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -issue_forth COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -seguirse RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -seguirse DERIVE I-Theme I-Source B-Theme B-Source B-V I-V O -hap HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -llegar_a_pasar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -take_place HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -sobrevenir RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -sobrevenir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -come_about HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -fall_out IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -fall_out SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -fall_out HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -fall_out SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -fall_out QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -tener_lugar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -llegar_a_ocurrir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -come_over EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -rencontrer MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -converger REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -converger COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -converger MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -run_across MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -résonner AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -résonner MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -resonate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -resonate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -come_after COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -come_round BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -come_around BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -come_around HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -roll_around HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -volver_a_ocurrir HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -repetirse HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -come_away SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -come_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -detach DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -detach SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desfijar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desatar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -desatar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desatar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desatar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -despegar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -despegar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -despegar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -despegar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desligar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -desligar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -repay ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -repay GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -repay PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -riposte ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -riposte HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -rejoin ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -rejoin ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -come_back ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -come_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -come_back SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -retort ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -volver_a RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -hark_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -remontar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -remontar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -remontar SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -remontar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -remontar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -remontar FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -remontar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retornar_al_marcador SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -reincorporar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -reincorporar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -reincorporar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reincorporar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -volver TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -volver CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -volver MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -volver MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -volver RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -come_before PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -drop_by VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -drop_in VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -come_by TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -come_by VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -come_into TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -go_down REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -go_down STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -go_down LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -go_down DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -go_down EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -go_down FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -go_down DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -go_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -precipitate METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -precipitate FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -precipitate THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -precipitate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -precipitate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -enfermar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfermar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -enfermar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -come_forth EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -come_forth HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -emerge SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -emerge APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -emerge HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -emerge EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -emerge FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -egress EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -go_forth EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -go_forth LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -come_forward CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -step_to_the_fore CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -come_to_the_fore CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -step_up SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -step_up CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -step_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -step_forward CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -ponerse_de_moda CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -figurar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -figurar HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -figurar RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -figurar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -go_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -moverse_adentro ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -go_into CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -go_into ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -entrer ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -entrer PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -move_into ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -interponer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -interponer INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -interpose CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -interpose INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -interpose PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -intercalar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -intercalar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -intercalar ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -inject INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -inject ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -interject INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -come_in_for UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -come_in_handy HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -cobrar_vida GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -come_into_being GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -come_to_life EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -come_to_life GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -come_of_age DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -turn_up PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -turn_up APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -turn_up PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -turn_up FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -show_up APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -come_out_of_the_closet SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -out REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -caerse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -caerse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -caerse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -caerse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -caerse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -caerse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -ser_revelado REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -fall_short FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -come_short FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -sobrevivir EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -sobrevivir OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -sobrevivir CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -survive EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -survive OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -survive CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -pull_round OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -topars CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -toparse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -revivir AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -revivir FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -revivir UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -resuscitate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -get_to_grips MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -come_to_grips MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -come_to_light REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -come_to_hand REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -spring_to_mind REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -come_to_mind REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -get_hold FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -scrape CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -scrape HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -scrape RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -scrape LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -scrape_up RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -muster_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -avenir AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -avenir SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -muster SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -muster AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -adueñarse OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -enter_upon OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -luck_into OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -confect ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confect MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -comfit ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confección ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confitar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -confitar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -confitar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -confection ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -reconfortar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -reconfortar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -aligerarse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -comfort MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -comfort HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -relajarse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -relajarse UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -dar_alivio HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -solace MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -consolar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -soothe HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -soothe MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -solazar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -console MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -consoler MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -réconforter MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -confortar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -comandar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -comandar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -comandar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -command MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -command COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -command LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -command ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -command COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -dominate MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -dominate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dominate SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -dominate LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -dominate COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -overtop COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dominer MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -dominer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overlook MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -overlook ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -overlook WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -overlook COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -expropiar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -highjack STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -piratear STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hijack MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -hijack STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -pirate STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -commandeer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -requisar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -requisar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -requisar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -memorialize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -memorialize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -commemorar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -immortalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immortalize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -memorialise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -memorialise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -inmortalizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -inmortalizar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -commemorate CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -commemorate APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -record PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -record RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -record APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -record PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -immortalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immortalise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -commémorer CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -commémorer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -commémorer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -embarcarse_en BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -start_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -start_up START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -embark_on BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -encomendar WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -encomendar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -encomendar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -encomendar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -encomendar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -commend PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -commend GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -commend APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -commend WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -recommander APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -elogiar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -dar_recuerdos WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -commenter EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -hacer_notar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -hacer_notar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -notar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -notar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -notar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -notar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -notar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -notar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -notar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -remark EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -remark SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -commentate LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -commentate INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -comercializar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -comercializar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -comercializar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -commercialise SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -market BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -market SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -commercialize BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -commercialize SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -commercialiser BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -commercialiser SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -commiserate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sentir_conmiseración CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sympathize CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -compadecerse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -compatir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -simpatizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sympathise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -commission ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -commission ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -commission START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -dedicar_a FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -dedicar HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -dedicar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -dedicar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dedicar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -dedicar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -dedicate HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -dedicate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dedicate FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -dedicate BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -consagrarse HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -consagrarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -devote PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -devote THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -devote FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -consacrer_à FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -confide GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -confide REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -confier GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -intrust GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -entrust GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -commetre VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -perpetrate VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -perpetrar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -cometer CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -cometer VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -commit_suicide KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -suicidarse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -communalise COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -communalize COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -commune COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -commune COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -comulgar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -recibir_la_comunión COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -communicate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -communicate INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -communicate COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -communicate JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -communicate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -intercommunicate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -intercommunicate JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -administrar_la_comunión COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -pass_along INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -communiquer INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -communiquer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -put_across INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -contagiar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -contagiar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -commutate INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -transpose CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -transpose MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -transpose CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transpose REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -transpose CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -permute MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -transposer CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -transposer MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -commutar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -transponer REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -transponer CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -transponer MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -transponer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -trasponer MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -inverser MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -viajar_del_trabajo GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -faire_la_navette GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -viajar_diariamente_al_trabajo GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pendular GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -viajar_al_trabajo GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -conmutar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -conmutar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -comprimer PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -constrict PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -compress PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -archiver PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pack_together PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -comparer COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -compare CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -compare COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -equiparar COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -equate MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -equate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -equate COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -liken COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -comparison-shop COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -compart SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -compartimentar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -compartmentalize SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -compartmentalise SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -abarcar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -abarcar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -abarcar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -feel_for CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sympathize_with CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alinearse_con CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -compassionate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pity CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -condole_with CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -compadecer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -compel OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -compel REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -compelir OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -compeler OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -even_out ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -even_out FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -compensate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -compensate COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -compensate PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -contrapesar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -contrapesar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -even_up ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -even_up FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -égaliser ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -égaliser FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -égaliser RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -counterbalance ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -counterbalance COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -even_off ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -remunerate PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -remunerar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -recompensar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -recompensar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -recompensar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -recompense PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -indemnify PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -indemnify PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -indemnizar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -indemnizar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -indemnisar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -overcompensate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -overcompensate COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -right ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -right RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -right PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -desagraviar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -redress PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -emcee EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -compere EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -rivalizar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rivalizar COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -vie COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -medirse COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -compete COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -competir COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -compiler CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -compose PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -compose MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -compose CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -compose MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -compose REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -plain SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -complain ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -complain SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -se_plaindre ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -se_plaindre SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -se_plaindre OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -kick SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -kick GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -kick HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -kick SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -kick DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -kick RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -kvetch SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -protestar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -protestar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -protestar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -protestar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -quetch SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -déposer_plainte ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -porter_plainte ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -complect JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -interconnect JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -interlink JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -interconectar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -complement AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -remplir WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -remplir FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rellenar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -rellenar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -rellenar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rellenar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -fill_in PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -fill_in REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -fill_in WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -fill_in INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -fill_out DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -fill_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -fill_out AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -fill_out WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -fill_out FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -complete FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -complete ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -complete WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -complete FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -complete CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -conclure DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -conclure FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -finaliser FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -complexify COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -complexifier COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -complexion COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -complicar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -complicar COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -complicate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -complicate COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -rarify EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -refinar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -refinar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -refinar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -refinar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -elaborate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -elaborate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -elaborate PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -elaborate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -refine PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -refine AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -refine REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -refine EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -congratulate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -congratulate APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -felicitar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -felicitar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -congratular CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -congratular APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -compliment APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -draw_up PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -draw_up SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -draw_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -draw_up STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -write CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -write RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -write SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -write PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -write WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -write COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -escribir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -escribir TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -escribir RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -escribir PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -escribir WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -escribir COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -pen CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -composer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -composer OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -indite CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -componerse MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -componerse INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -compost CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -heighten RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -heighten AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -heighten INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -intensify INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -calcular_cumulativamente CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -encompass INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -percatarse PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -percevoir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -perceive PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -perceive UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -consist GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -consist EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -consist MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -consist INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -incorporate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -incorporate INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -compromise ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -compromise SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -computerizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -computerizar AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -computerizar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -computerize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -computerize AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -computerize RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -informatizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -informatizar AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -computerise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -computerise AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -computerise RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -cybernate AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -computarizar AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -computadorizar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -memorizar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -aprender_de_memoria STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -memorize STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -memorizarse STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -memorise STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -concatenar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -concatenar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -concadenar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -concatenate ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -enchaîner ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -enchaîner STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -concaténer ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -encubrir JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -encubrir CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -encubrir STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -conceal CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -se_cacher CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -manifestarse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -manifestarse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -manifestarse RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -confess RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -profesar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -profesar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -profesar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -profesar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -profess WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -profess FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -profess DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -profess RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -profess ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -profess PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -concevoir THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -conceptualise THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -conceptualize THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -idear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -idear IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -idear THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -idear ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -envisage IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -imaginer IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -ideate IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -imaginar SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -imaginar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -imaginar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -imaginar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -conceive_of IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -imagine BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -imagine IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -concenter FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -focalise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -focalise LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -focalise FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -concentre FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -focalize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -focalize LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -focalize FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -focaliser ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -focaliser MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -focaliser LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -focaliser FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -condense CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -condense CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -condense SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -aficionar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -aficionar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -interest EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -interest CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -concert SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -concert ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -concertar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -concertar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -concertar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -concertar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -concertar SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -concertina PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -concertize PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -concertise PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -patch_up REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -patch_up SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -inferir GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -inferir DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -inferir BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -inferir INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -reason_out DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -concoct CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -concoct COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -concoct COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -concoct FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -cook_up DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -cook_up COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -encubar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -pensar_en REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -pensar_en CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -pensar_en CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -pensar_en IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pensar_en THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -soñar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -soñar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -soñar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -dream_up CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -think_up CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -urdir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -urdir PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -urdir COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -think_of REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -think_of TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -think_of REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -think_of CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -think_of CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -think_of CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -trump_up FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -maquinar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -maquinar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -maquinar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -bétonner CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -bétonner COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -concrete CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concrete COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -hormigonar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -encementar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -revestir_de_hormigón COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -construir_con_hormigón COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -concretise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concretarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concretar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -concretar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concretar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -concretar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -concretize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concrétiser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concuss HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -concuss MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -convulsionar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -convulsionar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -convulsionar LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -convulsionar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -condemn AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -condemn SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -condemn DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -condemn PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -condemn OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -condemn STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -condenar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -condenar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -condenar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -condenar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -condenar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -réprouver REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -réprouver COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -réprouver AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -decry AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -reprobate REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -reprobate COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -reprobate AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -doom DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -sentence DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -distill SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -distill CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -distill EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -distill WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -condensarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -distil SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -distil CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -distil EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -deign DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -dignarse DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -condescend BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -condescend TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -condescend DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -condescender BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -condescender TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -condescender DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -lower_oneself DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -stipulate OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -stipulate AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -estipular OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -estipular AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -condicionar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -condicionar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -condicionar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -condicionar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -condicionar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -stipuler OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -acondicionar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -acondicionar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -condolerse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -condole CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -condone JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -condonar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -condonar JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -conduce IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -cone SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cortar_en_cono SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -consult SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -consult WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -consult DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -confabular DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -confabular ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -conferenciar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -conferenciar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -confer_with DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -squeal MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -squeal RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -confesarse RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -confesser RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -configurer ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -configure ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -configurar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -configurar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -detain DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -detain CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -detain STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -encarcelar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -reassert AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -affermir STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -affermir AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -fortifier EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -fortifier AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -renforcer AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -confirmer PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -confirmer AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -inflamar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -inflamar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inflamar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -inflame BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -inflame AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inflame HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -conflagrar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -run_afoul VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -contravene REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -contravene VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -conflict DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -conflict VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -infringe VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -infringir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -infringir VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -contravenir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -contravenir VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -sacrifier_à MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sacrifier_à HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -sacrifier_à SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -conform_to MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -conform_to HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -conform_to SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -guiarse ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -guiarse HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -confondre MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -enfrentar ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -enfrentar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -enfrentar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -confrontar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -confrontar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -carear FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -confront FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -confront SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -face TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -face SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -face SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -face FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -face COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -face ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -s'atteler_à FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -affronter FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -face_up FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -obsequiar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -obsequiar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -obsequiar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -obsequiar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -enfrentarse_a FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -disconcert CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flurry CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flurry MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -conturbar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -jumble MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mix_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -mix_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -réfuter FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -réfuter PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -confute PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -refutar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -refutar ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -refutar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -refutar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -disprove PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -conga DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_conga DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -congee LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -congee LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -conge LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -cuajarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cuajarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -jell CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -congeal CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -conglobate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -conglobe SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -conglobar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -conglutinar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -felicitate APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -congratularse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lisser CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lisser REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -lisser EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -lisser WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lisser SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -felicitarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -felicitarse APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -pride CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -plume CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -plume REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -plume EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -plume WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -plume SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -preen EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -preen APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -preen WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -acicalar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -acicalar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -acicalar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -congregate MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -se_congregan MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -suppose BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -suppose SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -suppose REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -teorizar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -teorizar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -émettre_une_hypothèse BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -theorize BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -theorize THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hypothecate GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -hypothecate BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -spéculer BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hypothesize BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -conjecture BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -plantear_una_hipótesis BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hypothesise BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hypothéquer GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -hypothéquer BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -conjeturar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -conjeturar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -conjeturar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -theorise BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hipotetizar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -faire_une_conjecture BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -théoriser BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -conjoin ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -conjoin JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -empalmar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -empalmar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -marier EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -marier ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -casarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -get_married ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -enlazarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -llevar_al_altar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -contraer_nupcias ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -wed EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -wed ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -get_hitched_with ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -marry EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -marry ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -hook_up_with ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -unirse_en_matrimonio ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -matrimoniarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -conjugate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -conjugate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -conjugate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -perder_velocidad STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stall BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -stall DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -stall PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -stall STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -calarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -calarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pegar_un_piño HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_un_piño HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -swoon SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -desmayar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -faint SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -amortecerse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -peter_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -peter_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -poop_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -conn LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -inviter_quelqu'un_à_prendre_part_à_une_conversation JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -anudar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -anudar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -anudar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -anudar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -anudar COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -attacher JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -touch_base COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -get_in_touch COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -se_connecter JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -plug_into JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -plug_in JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -enchufar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -enchufar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -arrear HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -arrear GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -arrear ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -arrear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -connive AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -connive ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -scheme PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -scheme ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -intrigue LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -intrigue ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -intrigar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -intrigar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -connive_at APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -wink_at APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -connotar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -connote IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -imply IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -predicate IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -predicate ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -predicate AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -stamp_down PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -inhibir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -inhibir RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -alistar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -alistar HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -alistar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -conscript OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -ordain ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -ordain ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -hacer_un_voto FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -vow GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -vow FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -hacer_voto FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -conserve RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -conserve PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -keep_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -keep_up INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -keep_up REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -keep_up PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -keep_up EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -husband PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -economise RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -economise PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -economize RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -economize PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -economizar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -economizar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -weigh EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -weigh TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -weigh MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -weigh BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -look_at CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -look_at UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -songer TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -considérer TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -moot TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -deliberate TAKE-INTO-ACCOUNT_CONSIDER I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -deliberate DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -observer WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -observer SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -regarder WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -regarder SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -lie GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -lie DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -lie REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -lie LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -yacer GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -yacer LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -lie_in GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -lie_in ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -consolidate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -consolidate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -consolidate STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -consolidarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -consonate HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -stud LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -stud COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -clavetear LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -clavetear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dot WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -dot COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dot SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -tachonar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -consternate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -form MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -form BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -form TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -form SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -form INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -plant ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -plant PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plant SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -plant TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -plantar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -plantar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -plantar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -plantar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -plantar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plantar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instituer ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -constitucionalizar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -constitucionalizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -constitutionalise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -constitutionnaliser AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -constitutionnaliser LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -constitutionnaliser TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -constitutionalize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -constitutionalize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -constitutionalize TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -encumber RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -cumber RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -constrain RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -constreñirse RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -tighten_up RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -tighten TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -tighten RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -endurecer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -endurecer RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -endurecer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -endurecer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -endurecer STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -stiffen CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -stiffen RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -endurecerse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -endurecerse RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -estrecharse TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -estrecharse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -estrecharse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -estrecharse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -constringe PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -narrow DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -narrow REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -narrow FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -narrow PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -angostarse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -manufacture MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -manufacture DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fabricate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -fabricate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fabricar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -fabricar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -manufacturar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -fabriquer MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reconstruct REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -reconstruct MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reconstruct HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -reconstruct RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -retrace REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -retrace GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -construe INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -interpret TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -interpret REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -interpret PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -interpret UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -interpret INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -consubstantiate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -look_up SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -consume WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -consume EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -consume CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -consume DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -ingerir CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -ingerir WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -ingerir EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -derrochar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -derrochar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -derrochar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -ware WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -comer CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -comer EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -run_through CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -run_through CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -use_up CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -use_up REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -deplete CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -mermar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mermar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -mermar SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -épuiser CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -eat CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -eat CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -eat CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -eat EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -devour DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -devour EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -devour ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -consummate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -consummate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -consumar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -contacter COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -poner_en_contenedor PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -containerize PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -containerise PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -contaminate DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -pollute DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -scorn DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -scorn REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -disdain DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -disdain REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -desdeñar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -desdeñar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -contemn DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -despise DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -se_recueillir THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -contempler THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -synchronise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -synchronise MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -synchronise HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -sincronizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -sincronizar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sincronizar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -synchronize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -synchronize MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -synchronize HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -contemporize HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -contemporise HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -ajustar_al_tiempo HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -synchroniser HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -forcejear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -forcejear FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -forcejear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -lidiar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -combattre FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -pugnar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -pugnar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -lutter FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -lutter TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -esforzarse_con_denuedo FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -grapple CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -grapple FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -ingeniarse FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -make_do FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -cope FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -industriarse FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -grapar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -grapar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -get_by ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -get_by FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -get_by OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -rebatir ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -rebatir DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -rebatir PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -rebatir CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -repugn CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -contest CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -content CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -contentarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -go_forward GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -remain REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -remain LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -stay_on REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -rester REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -restar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -restar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -restar LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -go_along SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -go_along ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -go_along CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -continuer CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -guardar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -guardar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -guardar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -guardar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -guardar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -guardar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -guardar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -guardar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -guardar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -persist_in CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -retain REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -retain RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -retain CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -keep_on CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -contort SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -distorsionar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -distorsionar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -distorsionar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -déformer SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -wring HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -wring EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -wring SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -wring STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -contour ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -contredanse DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -country-dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -contra_danse DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -contradance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -contracter REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -contracter CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -rétrécir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -shrink SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -shrink REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -shrink MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -achicarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -contraerse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -contraerse MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -contraerse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -embaucher HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -sign_up HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -sign_up ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -engager HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -sign_on HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -enrôler HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -contractar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -choper CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -contract_in AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -contract_out ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -contract_out REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -oppose COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -oppose FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -oppose OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -oppose RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -controvert PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -controvert OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -contradistinguish DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -contraindicate WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -contraindicar WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -contrastar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -contrastar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -contrast DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -contraponer COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -contraponer DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -contrastarse DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -contraster_avec PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -contraster_avec DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -counterpoint PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -counterpoint DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -être_en_contradiction DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -contraponerse DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -design PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -design CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -design IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -design REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -planifier PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -planifier CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -inventer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -forge MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -forge FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -forge CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -forge INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -forge GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -invent CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -invent DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -inventar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -inventar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -inventar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -devise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -devise GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -devise ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -master SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -master KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -master LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -master OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -operate MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -operate HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -operate HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -operate OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -operate DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -operar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -operar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -operar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -keep_in_line MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -manipulate TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -manipulate MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -manipulate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -manipulate FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -manipular MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -manipular FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -manipular CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -manipular DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -manipular TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -rebut PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -rebut DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -refute PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -refute DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -se_remettre_sur_pied HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -convalesce HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -recover HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -recover USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -recover REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -recover OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -recover RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -recuperate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -recuperate HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -recuperate OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -curarse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -se_rétablir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -se_remettre HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -convalescer HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -convalecer HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -convect AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -conducir_calor AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -convene SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -convene MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -convoke SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -conventionalize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -conventionalize WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -convencionalizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -convencionalizar WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -conventionalise WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -stylise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -stylize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -estilizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -estilizar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -converge REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -converge COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -converge GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -convergir REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -convergir COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -confluir COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -confluir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -converse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -conversar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -departir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -discursar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -discourse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -discourse DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -win_over PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -convince PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -transmutar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transmutar SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -se_convertir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -convict DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -déclarer_coupable DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -declarar_culpable DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -hallar_culpable DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -twist_around DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -sophisticate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sophisticate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -sophisticate DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -sophisticate COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -convolute ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -convolute DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -convolve ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -rizar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -convoyar ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -convoy ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -convulse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -convulse MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -convulse LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -convulse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -trillar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -trillar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -vapulear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -jactitate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -thrash_about TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -thresh MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -thresh TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -thresh HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -thresh_about TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -convelerse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -moverse_agitadamente TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -dar_vueltas PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -dar_vueltas MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -dar_vueltas TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -dar_vueltas FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -dar_vueltas OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -slash CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -slash REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slash TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -slash HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -acuchillar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -acuchillar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -crispar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -crispar LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -matar_de_risa LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -coo MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -coo SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -zurear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -arrullar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -arrullar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -arrullar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -cuisiner COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -ready PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -ready COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -prepare COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -prepare PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -prepare STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -prepare ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -prepare PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -prepare TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -cuire COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cook PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -cook COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cook FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -guisar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cocinar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -prêt PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -prêt COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -préparer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -préparer COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -préparer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -wangle DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -wangle FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -kick_one's_heels SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -cool_one's_heels SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -coop_up ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -coop_in ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -construir_barriles MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -cooper MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -organise MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -organise MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -organise ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -organise ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -coordonner ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -organize MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -organize MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -organize ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -organize ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -chivarse STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -glom CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -glom STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -knock_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -knock_off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -knock_off WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -knock_off REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -knock_off STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -thieve STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -opt_out CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -prétexte CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -pretexto CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -optar_por_no_hacerlo CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -cop_out CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -cope_with SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -s'acquitter_de SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hacer_frente SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hacer_frente ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -lidiar_con SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -copolymerise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -copolymerize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -encobrar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -copper COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -copper-bottom LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -enfondar_con_cobre LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -copulate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -couple HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -couple GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -couple JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -emparejarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -emparejarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -pair COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -pair JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -pair BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -pair HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -pair GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -aparear HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -aparear GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -aparearse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -aparearse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -copy SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -copy COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -copiar SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -copiar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -copiar COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -re-create CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -re-create IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -re-create COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -recréer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -recréer IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -recréer COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -replicate BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -replicate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -replicate COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -copier SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -imitate WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -imitate SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -imiter SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -copy_out WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -copyedit ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -subedit ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -copyread ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -copyright PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -corbel LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -poner_vigas LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cord SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -rope_in DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -rope_in PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cordon_off DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -rope_off DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -corduroy MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -hacer_de_rollizos MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -core CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -hollow_out CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -ahuecar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ahuecar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ahuecar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -core_out CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -hollow EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -hollow CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -excavar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -excavar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -excavar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -encorchar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -cork_up CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -cork CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -cork FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -boucher CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -boucher FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rellenar_con_corcho FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -tapar_con_corcho FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -desenroscar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desenroscar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -desenroscar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -girar_en_espiral GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -enroscarse WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -enroscarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -enroscarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -corkscrew GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -desenroscarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -saler AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -saler COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -saler COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -saler NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -saler PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -corn NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -corn PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -poner_en_salmuera PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -tree GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -tree STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -tree CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -tree EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -forcer_à_se_réfugier_dans_un_arbre GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -forcer_à_se_réfugier_dans_un_arbre STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -forcer_à_se_réfugier_dans_un_arbre CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -forcer_à_se_réfugier_dans_un_arbre EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -acorralar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -acorralar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -acorralar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -acorralar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -corner TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -corner MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -corner STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -poner_cornizas LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cornice LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -crown ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -crown FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -crown COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -coronate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -corral ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -corral SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -corral AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -decline INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -decline REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -decline CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -decline WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -decline REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slump FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -slump CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -slump REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -disciplinar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -correlate MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -correlate CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -correlacionar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -correlacionar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -equipararse CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -corresponderse CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -stand_for REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -stand_for TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -stand_for MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -personnifier REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -escribirse COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -comunicarse COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -validate AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -validate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -validar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -validar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -oxidarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -oxidarse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -corrode CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -corroer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -corroer CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rust CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rust COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -corroder CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -aherrumbrarse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -herrumbrar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -oxidar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -oxidar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -aherrumbrar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -corrugar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -corrugate PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -vitiate CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -vitiate DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -profaner DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -profaner VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -profane DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -profane VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -deprave DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -solo_miembro_embrujar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -depravar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -subvertir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -subvertir DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -vicier CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -vicier DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -misdirect MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -misdirect DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -misdirect DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -profanar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -profanar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -profanar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -debauch DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -viciar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -viciar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -corrompre DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -corset DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -encorsetar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -sparkle EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -sparkle LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -sparkle CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -scintillate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -scintillate LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -coruscate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -coruscate LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -chispear LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -chispear FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -chispear METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -cosh HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -copatrocinar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -cosponsor FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -costume LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -costume DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -disfrazar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -disfrazar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -aficionarse LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -cotton LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -play_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -play_up EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -sidle_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -shine_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -cozy_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -cotton_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -toser EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -tos EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -cough EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -spit_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -spit_up EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -cough_out EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -cough_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -cough_up EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -spit_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -spit_out EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -desembolsar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -desembolsar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -soltar_pasta GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pony_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -soltar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -soltar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -soltar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -soltar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -soltar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -soltar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -escupir METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -escupir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -escupir EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -escupir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -enumerate COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -enumerate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -enumerar COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -enumerar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -nombrer COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -numerate COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -numerate READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -dénombrer COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -pesar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pesar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -pesar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -matter EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -count_down COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -count_off COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -count_out DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -counter-drill HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -countercheck ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -countercheck OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -revérifier ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -revérifier OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -countermine DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -sabotage DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -sabotear DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -countervail COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -neutralize STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -neutralize COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -neutralize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -neutralize KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -neutralize WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -neutraliser STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -neutraliser COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -neutraliser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -neutraliser KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -neutraliser WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -counterstrike ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -contraatacar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -counterattack ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -contrabalancear COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -counterchallenge OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -counterchange REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -counterclaim ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -contrademandar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -forjar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -forjar INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -forjar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -forjar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -falsifier FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -contrahacer FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -counterfeit FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -contrefaire FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -countermarch SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -countermarch MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -contramaniobrar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -counterplot PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -contrapuntear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -contrapuntear SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -counterpose COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -counterpoise COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -counterweight COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -contrafirmar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -refrendar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -contresigner ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -countersign ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -avellanar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -countersink HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -pair_off GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -partner_off GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -couple_up JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -couple_on JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -twin MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -twin DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -twin GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -twin JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -accoupler JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -course HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -course TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -course FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -feed CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -feed BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -feed GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -feed INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -feed EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -feed NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -feed INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -feed FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -flow EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -flow SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -flow HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -flow COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -flow EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -flow FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -flow GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -fluir FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -fluir GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -manar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -manar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -manar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -manar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -manar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -galantear COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -woo FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -woo COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -court FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -court COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -buscar_el_favor FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -jotear FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -pololear FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -court-martial SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -court_favor FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -curry_favor FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -curry_favour FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -court_favour FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -hacer_la_pelota FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -covenant ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -covenant SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -underwrite FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -underwrite PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -respaldar_financieramente PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -spread_over COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -traverser REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -traverse REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -traverse REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -traverse EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -cut_across REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -cut_across CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cut_across OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -cut_through REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -pass_over MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -pass_over CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -pass_over REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -pass_over TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pass_over FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -overlay COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overlay KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -couvrir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cover_up CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -shroud ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -shroud COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -enshroud COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cover_for JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -covet REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -codiciar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -amenazar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -amenazar ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -amenazar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -amenazar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -amenazar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -amenazar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -acobardar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cow CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -overawe CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -vaca CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cower SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -cower LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -huddle MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -huddle LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -cringe SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -cringe MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -creep COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -creep SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -creep MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -creep TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -crawl EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -crawl SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -crawl MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -crawl TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -crawl FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -grovel SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -cowhide HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_de_vaquetazos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -encapuchar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -cowl DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -cox LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -hacer_de_timonel LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -cozen DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -cozen STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -delude DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -lead_on DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -lead_on INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -restallar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -restallar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -crujir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crujir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cuartear BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -cuartear SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -cuartear DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -cuartear KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -cuartearse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -crackle BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -crackle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crepitate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crepitar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -scranch MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -scraunch MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -lavar_en_batea WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -dar_un_baño WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -bercer DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -bercer CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -bercer CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -bercer RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -bercer WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -bercer PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cradle DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -cradle CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -cradle CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -cradle RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -cradle WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -cradle PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -acunar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -craft MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -cramp ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -cramp STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cramp HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -halter STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -halter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -acalambrar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hamper STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hamper COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -cranch PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -triturar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -triturar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -triturar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -craunch PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -stretch_out LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -stretch_out EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -crane EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -estirar TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -estirar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -estirar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -estirar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -estirar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -estirar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -estirar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -crank MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -crank SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -crank TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -crank START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -crank SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -zigzag TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -zigzaguear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -zigzaguear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -zigzaguear EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -crank_up MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -crank_up START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -encender_con_manivela START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -reproducir TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -reproducir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reproducir REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -reproducir COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -reproducir GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -crank_out MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -grind_out MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -crap_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -enmierdar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -crepe COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -crape ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -crape COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -kink ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -s'entortiller ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -frizzle ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -frizzle COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -rizarse ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -crimp ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -crimp PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -retorcer TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -retorcer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -retorcer MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -retorcer ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -retorcer EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -kink_up ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -encrespar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -encrespar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -encrespar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -encrespar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -frizz ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -moverse_ruidosamente OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -tirar_violentamente THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -dash CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dash COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -dash DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -dash THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -dash FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -dash RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -destruirse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -colarse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -colarse MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -colarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -instalarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -instalarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -dejar_de_funcionar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -doss_down STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -doss STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -sumergirse_rápidamente FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -crash-dive FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -crash_land LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -aterrizar_de_emergencia LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -crate PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -crave ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -crave REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -solliciter ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -solliciter HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -thirst HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -thirst REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -hunger HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -hunger REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -avoir_faim HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -avoir_faim REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -avoir_soif HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -avoir_soif REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -starve STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -starve HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -starve KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -starve REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -lust REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -rampar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -gatear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -reptar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ramper TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -nadar_crol MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -crayon WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -craze CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -craze EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -volver_loco CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -madden CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enloquecer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -whine MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whine SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -whine TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -whine OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -skreak MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -skreak SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -squeak MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -screak MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -screak SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -creak MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -screech MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -screech SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -skim_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -skim_off CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -espumar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -espumar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -skim REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -skim MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -skim GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -skim ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -skim COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -skim JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -skim READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -cream_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cream_off CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -desnatar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -enlever REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -enlever CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -enlever STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -crease CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -crease PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -arrugarse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -scrunch MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -scrunch LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -scrunch PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -crisp COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -crisp PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -ruckle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ruckle PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -scrunch_up LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -scrunch_up PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -crinkle PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -wrinkle PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -écraser MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -écraser LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -écraser PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -rake CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rake MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -rake ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -rake FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -rake GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -rake SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -raspar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -raspar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -rastrillar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -rastrillar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rastrillar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -rastrillar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -rascar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -rascar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rascar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -create MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -create CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -create ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -create ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -create CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -créer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -créer ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -create_by_mental_act CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -create_mentally CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -partir_de_cero MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -comenzar_de_cero MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -create_from_raw_stuff MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -create_from_raw_material MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -create_verbally CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -abonar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -abonar ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -abonar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -abonar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -abonar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -créditer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -mouse OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -mouse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -chasser_les_souris OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -chasser_les_souris MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pussyfoot MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -escabullirse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -escabullirse RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -escabullirse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -escabullirse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -escabullirse STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -caminar_de_puntillas MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -creep_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -resquiller INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -resquiller ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -sneak_in INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -sneak_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -creep_up GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -sneak_up GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -cremate BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -almenar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -crenellate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -crenelate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -crenel MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -creolize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -creosote TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -creosotar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -crescendo INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -crew WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -tripular LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tripular WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -crib ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -crib FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -crib STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -crick ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -cricket PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -criminaliser TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -criminaliser PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -proscribir DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -proscribir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -criminalizar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -criminalise PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -criminalize TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -criminalize PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -illegalize PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -outlaw PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -ilegalizar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -illegalise PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -illégaliser PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -penalizar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -penalizar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -quail MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -funk MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -flinch MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -squinch FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -squinch BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -squinch MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -wince FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -wince MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -tullir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -tullir WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -incapacitar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -incapacitar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -incapacitar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -incapacitar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -lame HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -cripple HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -cripple WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -stultify PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -stultify DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -stultify WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -inutilizar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -lisiar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -lisiar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -crispen COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -toast CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -toast COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -crisscross PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -crisscross SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -crisscross OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -entrecruzarse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -critiquer CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pick_apart CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -criticize CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -criticise CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -critique SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -cronk MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -coasser MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -refunfuñar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -refunfuñar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -gnarl OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -gnarl SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -murmur SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -murmur OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -protubérance OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -protubérance SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -mutter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mutter OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -gruñir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -gruñir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gruñir SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -gruñir OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -grumble MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -grumble OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -crochet SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -hacer_ganchillo SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -hacer_ganchillo WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -crock DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -dar_bocinazos MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -encorvarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -encorvarse BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -crook BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -croon SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -canturrear SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -brouter NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -brouter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -brouter WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -paître NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -pâturer NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -rapar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pop_up APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -crop_up APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -croquet PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -croquet HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -hybridize GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -crossbreed GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -hibridizar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -hybridise GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -interbreed GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -cruzarse OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -cruzarse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -intersecar OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -intersect OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -intersectar OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -intersecarse OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -span EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -volver_cruz MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -cross-check VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -cross-dress DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -cross-fertilize GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -cross-fertilize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -cross-fertilise GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -cross-fertilise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -cross-file COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -inscribir CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -inscribir RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -inscribir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -inscribir CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -inscribir PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -inscribir COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -inscribir HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -register PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -register REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -register APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -register RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -register SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -register COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -register PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -register RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -cross-index SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -cross-link JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -pollenate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -cross-pollinate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -pollinate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -polinizar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -cross-refer CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -remitir CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -remitir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -remitir SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -remitir DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -remitir UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -remitir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -reenviar CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -reenviar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -cross_examine ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -cross_question ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -cross_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -strike_out BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -strike_out MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -strike_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -strike_out FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -strike_out DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -strike_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -strike_off CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -cross_off CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -santiguarse SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -cross_oneself SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -crosscut CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -crosshatch PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -crossruff WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -acuclillarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -être_accroupi LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -ponerse_de_cuclillas LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -squat EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -squat LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -squat STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -hunker_down BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hunker_down TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -hunker_down LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -ponerse_en_cuclillas LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -agacharse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -agacharse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -agacharse BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -agacharse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -hunker LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -crow MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crow SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -crow ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -deleitarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deleitarse LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -deleitarse ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -gloat ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -gloat SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -regodearse ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -complacerse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -complacerse ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -triumph CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -triumph WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -triumph ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -crowd DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -crowd FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -crowd GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -llenar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -llenar ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -llenar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -llenar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -llenar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -arrimar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -crowd_together GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -desbordar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -desbordar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -agolpar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -herd MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -herd GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -herd GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -crowd_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -crucifier KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -cruise SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -cruise TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -cruise GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hacer_un_crucero TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -crumb REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -crumb COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -crumb BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -miette REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -miette COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -miette BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desmigajar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -derruirse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dilapidate BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -corromperse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -corromperse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -corromperse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -dilapidar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dilapidar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -decaer BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -decaer WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -decaer INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -decaer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -arruinarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -deteriorarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -deteriorarse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -deteriorarse LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -deteriorarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -deteriorar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -deteriorar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -deteriorar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -deteriorar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -decay BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -decay LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -decay DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -délabrer BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -crump MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -crump ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -crump EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -thud MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -thud HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ronzar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -munch EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -curruscar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -ronchar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -magullar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -derruir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -derruir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -demolish CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -demolish DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -demolish DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -hacer_añicos BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -abrumar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -abrumar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -abrumar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -abrumar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -abrumar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -abrumar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -oppress SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -oppress HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -oprimir SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -acercar_los_dedos PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -froisser PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -squash PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -broyer PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -squelch SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -squelch MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -squelch TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -squelch PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pincer PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -opprimer PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -laminer PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -stub_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -crush_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -press_out PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -press_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -press_out EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -crust CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -weep CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -pleurer EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pleurer CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -lagrimar CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -chialer CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -cry_out_for REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -cry_for REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -cristalizarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cristalliser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cub GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -parir_cachorros GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -cube INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cube SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cortar_a_dados SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cubicar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -dice PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -dice SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cuckoo REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -se_blottir TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -se_blottir LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -cuddle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -cuddle LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -câliner TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -arrimarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -abrazarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -se_ramasser LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -se_recroqueviller LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -se_pelotonner LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -nestle PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -nestle LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -nest INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -nest GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -nest LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -nest STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -nuzzle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -nuzzle EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -nuzzle LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -snuggle PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -snuggle LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -fustigate HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cudgel HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_garrotazos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -remind REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -remind HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cue HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -rappeler REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -rappeler HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cuff STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cuff HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_un_manotazo HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -whomp DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -whomp HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -esposar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -handcuff STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -manacle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cull REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cull GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -desplumar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desplumar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -desplumar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -pluck REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pluck REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -pluck OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -pluck PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -pluck GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -vanner CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -vanner BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -vanner AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -cull_out CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -winnow CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -winnow BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -winnow AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -naturalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -naturalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -naturalise HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -naturalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -naturalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -naturalize HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -naturalize EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -naturalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -naturalizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -naturalizar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -domesticate HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -domesticate TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -culture GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -appliquer_des_ventouses_sur PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -appliquer_des_ventouses_sur HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -appliquer_des_ventouses_sur SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -cup PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -cup HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cup SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -acoparse SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -transfuser SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -transfuser INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -transfuser GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -transfuser HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -transfuse SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -transfuse INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -transfuse GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -transfuse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -aplicar_tazas HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -transfundir INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -transfundir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -transfundir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cunetear RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -pasarse FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -pasarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -pasarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -curl_up ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -friser ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -curry COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -curry EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -curry TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -preparar_al_curry COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -panser EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -toiletter EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -groom PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -groom EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -apprêter EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -étriller EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -almohazar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -currycomb WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -excomulgar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -excommunicate DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -unchurch DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -curtain LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -encortinar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -curtain_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -curtsey LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -voltear TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -voltear FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -voltear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -voltear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -voltear INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -slue TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -slue GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -faire_une_embardée TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -swerve TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -sheer TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -veer TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -tourner TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -slew TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -slew GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -virar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -virar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -trend TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -retourner TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -retourner MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retourner INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -serpentear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -serpentear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -serpentear EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -wind TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -wind ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -wind RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -wind EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -wind SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -curvet JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -customize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -customizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -customise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -custom-make ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -tailor-make ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -tailor-make SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -personalizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -personalizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -personnaliser ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -personnaliser CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -customiser ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -individualiser ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -individualiser RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -individualiser SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -segar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -segar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -segar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -snub REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -seccionar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -seccionar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -seccionar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -inciser CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -edit_out ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -cortarse CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -thin REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -thin WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -thin_out REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -thin_out WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desleír WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -tailor HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -tailor SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -escamondar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -geld CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -hacer_novillos MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -faltar_a_clases MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -expender PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -expender CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -expender SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -write_out PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -write_out WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -switch_off SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -turn_off TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -turn_off CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -turn_off SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -cut_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cut_away CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -flash_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -cut_corners REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -pull_down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -pull_down FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -push_down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -mow CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -mow FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -faucher CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -faucher KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -cut_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -cut_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -cut_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cut_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -cut_out SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -fell SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -fell KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fell SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -delve EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -cut_into EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -scratch_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -tarjar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -découper REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -truncate REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -truncate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -truncate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -truncar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -cut_to MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -trizar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -destrizar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -cut_to_ribbons DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -mutilate BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -mutilate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mutilate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mangle BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -mangle CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mangle HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mangle PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -desgarrar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desgarrar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -dar_el_hacha REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -cutinizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -cutinize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -motorcycle MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_motocicleta MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir_en_motocicleta MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -motorbike MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_moto MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_bici MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -cycle_on MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -comenzar_un_ciclo MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -cyclostyle PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -ciclostilar PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -swab PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -swab WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -dab TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -dab PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -swob PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -swob WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -dar_golpecitos TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -splash_around PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -dabble PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -dabble WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -dabble MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -dabble DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -barboter PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -barboter WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -barboter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -barboter DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -coucher_à_droite_et_à_gauche HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -coucher_à_droite_et_à_gauche WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -play_around HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -play_around WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -dado LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -dado SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hacer_un_dado SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -poner_friso LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -daisy-chain JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -dawdle BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dawdle WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -dawdle GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -trifle BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -trifle TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -trifle SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -lanterner BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -toy BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -toy TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -folâtrer BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -voltiger BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -batifoler BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dam STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -dam_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -embalsar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -represar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -damage BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -damasquinar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -damascene EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -damasquiner EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -tone_down STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -tone_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mute STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -muffle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -muffle CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -humectar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hidratar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -humedecer WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -moisten WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -mojar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -mojar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -wash EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -wash CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -wash MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -wash SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -wash WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -wash WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -wash PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -wash FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -dance MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -dance GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -danzar DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -danzar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -danzar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -bailar DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bailar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -trip_the_light_fantastic DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -trip_the_light_fantastic_toe DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -danser GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -dandify DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -dandle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -dandle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -dangle HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -swing EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -swing TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -swing ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -swing BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -swing HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -swing MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -swing HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -swing EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -swing INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -swing HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -swing PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -swing GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -columpiarse HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -columpiarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -balancearse PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -balancearse HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -balancearse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -columpearse HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -pender BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -pender PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -pender SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -pender HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -make_bold BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dare BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dare FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -defy FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -defy RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -osar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -atrever BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -atreverse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -darken WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -darken DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -oscurecerse DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -oscurecere DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -zurcir REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -darn REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -remendar_calcetines REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -dart RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -dart TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -dart GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -scud RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -scud MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -scoot RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -flit TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -daunt CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -frighten_off CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -scare_off CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -scare_away CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -frighten_away CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dash_down WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -dash_off WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -anotar_apresuradamente WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -scratch_off WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -fling_off WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -date MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -date COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -date LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -datar LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -datar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -dater LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fechar LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -salir_con MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -tener_una_cita MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -go_out FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -go_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -go_out COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -go_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -go_steady COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -date_stamp LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -date-mark LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -datemark LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -dateline LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -go_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -go_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -go_back HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -remontarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -remontarse HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -date_back HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -date_from HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -remonter HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -daub PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -daub COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -enyesar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -enyesar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -linger PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -linger LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -linger WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -linger WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -linger GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -demorarse PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -demorarse WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -demorarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -fall_back FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -fall_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -fall_back WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -fall_back RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -fall_back GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -lag THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -lag CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -lag COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -lag GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -retrasarse DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -retrasarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -quedarse_atrás LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -quedarse_atrás GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -fall_behind MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -fall_behind GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -soñar_despierto DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -soñar_despierto IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -moon SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -moon EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -moon IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -daydream IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -stargaze IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -stargaze SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -rêver CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rêver DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rêver IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -dream CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dream IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -ensoñar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -fantasear DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fantasear IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -woolgather IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -rêvasser DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rêvasser IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -de-access SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -deaerate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -de-aerate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -destress WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -de-emphasize WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -de-emphasise WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -de-energise WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -de-energize WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -de-escalate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desescalar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -step_down RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -step_down WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -deshelar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -defrost WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -descongelar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -descongelar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -descongelar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -de-ice WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -deice WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -de-iodinate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -de-ionate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deaccession SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -inactivar SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -desactivar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desactivar SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -inactiver DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -inactiver SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -deactivate DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -deactivate SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -inactivate DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -inactivate SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -désactiver DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -désactiver SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -perder_vigor WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -ceindre ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -ceindre KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -girdle ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -girdle KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -deafen HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -deafen CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -deaf HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ensordecer PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -ensordecer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ensordecer CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -insonorizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -asordar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -comerciar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -comerciar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -comerciar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -comerciar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -comerciar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -traficar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -traficar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -traficar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -traficar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -trade WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -trade CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -trade NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -trade SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -trade REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -deaminate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deaminize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -interrompre STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -suspend STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -suspend HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -suspend FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -desembarcar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desembarcar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -disembark LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -set_down LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -set_down WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -set_down EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -set_down LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -set_down PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -set_down ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -debark LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -examiner ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -examiner DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -discuter DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -débattre DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -délibérer DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -enfeeble WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -debilitate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -drain EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -drain CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -drain FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -drain WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -debitar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -debit RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -déboucher UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -déboucher FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -déboucher LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desagotar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -debouch FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -debouch LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -march_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -debrief TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -déboguer ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -debug ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -depurar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -depurar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -depurar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -desacreditar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -desacreditar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -desacreditar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -debunk PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -debutar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -debutar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -debut SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -debut PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -decaffeinate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descafeinar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -décaféiner REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -décalcifier REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decalcify REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decalcify LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -descalcificar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -vamoose LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -decant SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -pour SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -pour LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -pour METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pour LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -pour FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -verter SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -verter DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -verter EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -verter EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -verter DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -verter FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -pour_out SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -pour_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -pour_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -escanciar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -décanter SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -decarbonate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decarbonize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decoke REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decarburise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decarburize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -décarboniser REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decarbonise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decarboxylate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decarboxylate LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -desintegrarse LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -desintegrarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desintegrarse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -disintegrate CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -disintegrate LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -disintegrate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -décélérer SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -desacelerar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -decelerate SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -ralentizar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -slow_down MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -slow_down SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -se_ralentir SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -slow SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -decelerar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -slow_up SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -aminorar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -decentralise CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -deconcentrate CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -descentralizar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -descentralizarse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -decentralize CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -decerebrate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -derecognize AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -decertify AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -derecognise AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -dechlorinate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decidirse DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -make_up_one's_mind DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -déterminer DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -déterminer DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -decimalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -decimalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -decimalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -décimaliser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -decimar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -decipher READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -decipher INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -leer TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -leer CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -leer INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -leer SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -leer HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -leer PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -leer READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -leer INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -trace CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -trace ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -trace FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -trace COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -trace READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -trace PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -trace GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -decodificar RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -decodificar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -decrypt INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -descodificar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -descodificar RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -descodificar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -déchiffrer PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -déchiffrer INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -décoder INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -décrypter INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -decode INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -declaim PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -declaim CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -recite EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -recite PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -recite SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -déclamer CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -inveigh OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -inveigh CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pop_the_question ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -pedir_en_matrimonio ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -pedir_casarse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -declare_oneself ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -proponer_matrimonio ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -declararse DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -declararse ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -desclasificar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -declassify LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -declaw REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -declinar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -declinar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -declinar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -declinar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -refuse REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -refuse DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -refuse RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -denegar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -reject REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -reject DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -reject RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -turn_down REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -turn_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -turn_down DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -pass_up MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -pass_up REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -decrecer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -decrecer INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -wane REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -declutch UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desembragar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -extractar_la_esencia EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -descolonizar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -decolonize LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -decolonise LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -decommission RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -hacerse_polvo DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -podrir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -rot DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -rot WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -pudrir SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -pudrir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -molder DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -moulder DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -descomprimir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -descomprimir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -decompress RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -decompress MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -decompress REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -depressurize REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -depressurise REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -relax CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -relax MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -relax UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -relax LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -relax REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -loosen_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -loosen_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -loosen_up MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -loosen_up UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unbend CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -unbend STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -unbend MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -unbend UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unwind INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -unwind STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -unwind MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -relajar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -relajar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -relajar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -décompresser RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -uncompress RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -deconsecrate COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -désacraliser COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -desecrate COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -desecrate VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -unhallow COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -deconstruct INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -deconstruir INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -descontaminar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -decontaminate WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -suprimir_el_control AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -decontrol AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -condecorar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -decorticate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -décortiquer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decouple REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -decouple SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -decouple DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dissociate BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dissociate DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dissociate DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -découpler REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -découpler SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -découpler DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disociar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -eliminar_el_shock REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -absorber_el_shock REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desaclopar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -uncouple SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -entruchar LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -decoy LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -minify REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -lessen REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -menguar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -decrease REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -decretar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -decree DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -rule RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -rule DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -rule PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rule LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -rule HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -legislar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -legislar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -legislar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -dictaminar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -dictaminar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -dictaminar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -decrepitate BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -decrescendo WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -légaliser AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legalizar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legalizar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -legitimar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -decriminalise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legalize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -décriminaliser AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legalise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legitimize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legitimatize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -despenalizar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legitimate AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legitimatise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -decriminalize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -legitimise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -decussate OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -dedifferentiate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -infer GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -infer BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -infer INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -desgravar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desgravar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -desgravar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -deduce INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -deduct REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deduct RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -deduct INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -déduire REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -déduire RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -déduire INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -inférer INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -take_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -take_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -take_off BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -take_off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -take_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -take_off SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -substraer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sustraer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sustraer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -subtract REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -subtract CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -recobrar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -recobrar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -recobrar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -recobrar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -recoup PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -recoup OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -recoup RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -retener REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -retener REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -retener STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retener RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -withhold REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -withhold RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -décompter RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -deed_over CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -deem BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -reputar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -reputar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -view_as BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -take_for BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -teñir_en_profundidad COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -deep-dye COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -deep-fat-fry COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -french-fry COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -deep-fry COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -deep-six DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -deep-six THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -give_it_the_deep_six DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -throw_overboard THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -throw_overboard GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -deep_freeze PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -surgeler PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -intensificarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -malversar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -malversate STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -defalcate STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -embezzle STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -misappropriate STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -desfalcar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -peculate STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -defang REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -defat REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -default FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -incumplir FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -default_on FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -inclumplir FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -no_pagar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -atrasarse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -defeat STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -defeat DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -vote_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -vote_down STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -vote_down CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -echar_a_perder STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -echar_abajo STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -overcome OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -overcome DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -get_the_better_of DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -defect BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -defeminize CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -defeminise CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -fight_down RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -oponerse_a OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -oponerse_a RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -fight_back PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -fight_back RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -oponer PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -oponer FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -oponer OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -oponer RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -defenderse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -defenderse MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -defenderse PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -defenderse RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -fend_for ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -guard WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -guard PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -custodiar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -custodiar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -defenestrar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -defenestrate THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -postpone DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -prorrogar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -set_back DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -set_back SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -set_back COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -postposer DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -diferir DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -diferir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -diferir DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -postergar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -prorogue DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -reporter DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -reporter CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ajourner DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -ajourner STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -atermoyer DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -temporiser DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -table DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -table SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -demorar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -demorar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -demorar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -différer DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -différer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -différer DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -repousser DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -repousser REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -repousser CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -proroger DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -put_over DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -put_over EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -retrasar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -retrasar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -retrasar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -shelve DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -shelve PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -surseoir DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -surseoir STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -remit DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -remit PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -remit CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -remit SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -remit DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -remit UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -remit REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -bajar_la_fiebre HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -defervesce HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -defibrillate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -desfibrilar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -defibrinate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deslustrar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -deslustrar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -tarnish DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -stain COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -stain DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -définir EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -definir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -definir DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -definir INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -definir REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -definir EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -define DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -define EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -define REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -define SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -delineate PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -delineate SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -delineate REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -delimitate PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -delimitate REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -definirse REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -delimit ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -delimit PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -delimit REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -deflagrate BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -déflagrer BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -deflagrar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -deflate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -deflate PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -desinflar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -desinflar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -puncture HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -puncture REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -desinflarse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -deshinchar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -deshincharse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -distraire ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desviarse TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -desviarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -desviarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desviarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desflorar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -desflorar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -desgraciar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -deflower HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -deflower DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -impair HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -impair DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -mar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -demist WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -defog WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -desempañar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -deforestar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -defoliate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -disforest REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deforest REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -disafforest REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -strain CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -strain EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -strain TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -strain SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -strain BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -strain VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -strain AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -strain EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -sufragar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sufragar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -sufragar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -costear HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -costear PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -defray PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -exclaustrar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -defrock DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -unfrock DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -secularizar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -secularizar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -secularizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -defuse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -resistir OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -resistir RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -withstand RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -sostenerse RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -hold_up SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -hold_up CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -hold_up RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -hold_up DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -hold_up STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -hold_up STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -degas REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -demagnetize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -demagnetize CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -desimantar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -degauss REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -demagnetise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -demagnetise CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -deteriorate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -degenerarse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -degenerar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -degenerate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -devolve CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -devolve WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -devolve ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -deglaze COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -deglycerolize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desglicerolizar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deglycerolise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -degradarse DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -demean DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -deshonrarse DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -degrease REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desengrasar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -degustar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -degustar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -degustar TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -degust TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -dehisce OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -décorner REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dehorn REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descornar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -déshumaniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -déshumaniser DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -dehumanise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -dehumanise DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -deshumanizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -deshumanizar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -dehumanize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -dehumanize DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -deshumedecer DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -dehumidify DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -dehydrate DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -deshidratar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -deshidratar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -desiccate DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -desecar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -desecar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desecarse DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -deshidratarse DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -exsiccate DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -dry_up DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -deshidrogenar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dehydrogenate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deify APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -endiosar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -deionize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desionizar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -atrasar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -atrasar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -diputar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -effacer CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -erase CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -erase KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -réjouir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -assouvir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -combler CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -faire_plaisir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -please CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -please REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -contenter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -delight CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -delight LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -satisfaire CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -embelesar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -embelezar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enthrall CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enthral CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enrapture CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -arrobar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -charmer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -revel CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -revel LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -encantarse LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -subtend ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -sous-tendre ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -demarcar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -demarcar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -demarcate PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -demarcate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -line LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -line FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -line PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -line STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -line SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -dessiner PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -trazar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -trazar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -trazar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -trazar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -trazar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -dibujar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -dibujar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dibujar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dibujar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -limn PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -deliquesce CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -deliquesce DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -tomber_en_déliquescence CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -tomber_en_déliquescence DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -retirar_del_mercado REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -delist REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -fork_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -fork_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -render LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -render SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -render PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -render TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -render COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -render SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -render CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -render SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -render GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -render GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -hand_over GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -fork_over GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -libérer LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -libérer HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -libérer UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -rescue HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -rescatar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -rescatar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -extradir DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -deportar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -extraditar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -extradite DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -drive_home CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -drive_home PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -livrer NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -livrer CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -redimir LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -redimir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -redimir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -redimir CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -redeem CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -redeem RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -redeem PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -redeem HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -delocalize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -delouse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -swamp WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -swamp FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -deluge BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -deluge FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -inundate FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -inundar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -inundar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -inundar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -flood LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -flood FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -submerge EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -submerge FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -submerge DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -inonder FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -anegar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -flood_out BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -overwhelm BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -overwhelm EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -overwhelm OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -overwhelm DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -reclamar_legalmente ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -dematerialise DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -dematerialize DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -desmilitarizar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desmilitarizar RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -démilitariser REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -démilitariser RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -demilitarize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -demilitarize RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -disarm REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -disarm WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -disarm STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -désarmer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -désarmer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -désarmer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -demilitarise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -demilitarise RECALL I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -demineralise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -demineralize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -demise CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -présenter SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -présenter GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -présenter WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -demo SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -exhibit SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -montrer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -montrer SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -desmovilizar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -démobiliser DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -demobilize DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -demobilise DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -demob DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -sacar_de_filas DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -democratize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -democratise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -democratizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -démocratiser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -desmodular OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -demodulate OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -derrumbar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -demoler PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -demoler FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -demoler DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -demoler DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -pulverize BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pulverize DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -démolir FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -démolir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -pulverise BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pulverise DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -destroy KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -destroy DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -destroy DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -demonetize REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -demonetise REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -demonize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -demonise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -démoniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sataniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -diaboliser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -demonizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -prouver PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -démontrer PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -shew PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -demulsify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -demulsify SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -poner_objecciones CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -demur CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -exceptuar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -exceptuar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -exceptuar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -except MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -except CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -objetar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -objetar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -demyelinate DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -demystify EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -desmitificar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -desmitificar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -demythologise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -demythologize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -denationalise SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -privatizar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -desnacionalizar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -denationalize SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -dénaturaliser REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dénaturaliser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -denaturalise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -denaturalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -denaturalize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -denaturalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -desnaturalizar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desnaturalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -desnaturalizar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -denature CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -denature ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -denature WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -dénaturer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -dénaturer ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -dénaturer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -denazify REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -denitrify REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -denominate NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -denotar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -denotar MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -dent BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -indent BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -indent ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -indent CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -indent OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -désavouer REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -désavouer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -renier REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -abjurer REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -deodourise ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -deodorize ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -desodorizar ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -deodorise ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -deoxidise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desoxigenar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deoxidize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desoxidar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deoxygenate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -s'en_aller LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -take_leave LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -depart DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -depart LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -mettre_les_voiles LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -se_barrer LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -deviate TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -deviate DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -diverge EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -diverge SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -diverge DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -divergir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -divergir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -divergir DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -pull_up_stakes LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -sidetrack DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -digress SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -digress DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -straggle DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -straggle CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -go_away DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -go_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -encaminarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -aller FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -aller LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -trasladarse MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -trasladarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -trasladarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -trasladarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -alejarse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -alejarse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -alejarse MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -alejarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -set_forth SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -set_forth LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -depend_on IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -depend_on RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -rely_on RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -hinge_on IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -pasar_a IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -devolve_on IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -dépendre_de IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -dépendre_de RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -depend_upon IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -depend_upon RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -hinge_upon IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -rely_upon RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -depersonalise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -objectify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -objectify CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -objectiver CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -objectiver CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -despersonalizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -depersonalize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -depict PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -depict SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -depict REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -portray PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -portray PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -portray REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -retratar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -retratar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -retratar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -retratar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -picture SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -picture IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -simbolizar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -simbolizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -depilate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -depilar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -épiler REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -epilate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deplane LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -deploy SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -deploy CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -desplegar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desplegar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -desplegar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -desplegar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -desplegar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desplegar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -desplegar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -deplumate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deplume REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -displume REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -depolarize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -despolarizar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -depolarise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -depone DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -depose DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -depose DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -deponer DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -deponer DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -despoblar POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -dépeupler POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -depopulate POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -déporter DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -exilar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -exile DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expatriate DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expatriate LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -expatrier DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expatrier LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -posit PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -posit SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -posit PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -ubicar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -ubicar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -ubicar BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -situar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -situar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -situar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -situate PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -situate FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -wedge HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -wedge PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -deprecate REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -deprecate DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -deprecar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -vilipend DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -vilipendiar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -vilipendiar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -depreciate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -depreciate DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -depreciate DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -desaprobar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desaprobar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -desaprobar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -desaprobar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -devaluar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -devaluar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -depreciar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -depreciar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -desvalorizarse DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -undervalue CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -undervalue OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -undervalue DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -devaluate DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -devalue DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -dévaluer DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -desvalorar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -desvalorizar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -digitar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -press_down PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -deprivar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -deprivar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -divest REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -divest REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -divest STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -desposeer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -privar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -privar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -privar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -deprive STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -desproveer STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -impoverish STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -ôter REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ôter STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -priver STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -déposséder STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -deputize ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -deputize REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -sustituir ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -sustituir REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -deputise ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -deputise REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -step_in REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -step_in PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -substitute REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -subrogar REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -extirpar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -extirpar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -extirpar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -extirpar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extirpar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -extirpar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -uproot MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -uproot CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -uproot EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extirper REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -extirper CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -extirper EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -déraciner EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extirpate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -extirpate CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -extirpate EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -desarraigar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -desarraigar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -desarraigar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -root_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -root_out EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -deracinate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -deracinate EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -derail LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -descarrilar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -descarrilar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -hacer_descarrilar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -throw_out_of_kilter MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -derange CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -derange MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -unbalance CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -unbalance COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -desquiciar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desquiciar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desequilibrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desequilibrar COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -derate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -desregular LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -liberalizar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -liberalizar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -deregulate LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -derequisition LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -derestrict LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -deride JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -educir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -educir INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -educe CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -educe INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -desacralize CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -secularize CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -secularize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -desalinizar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desalinize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desalinise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desalar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desalinate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dessaler REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desalt REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -scale REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -scale MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -scale CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -scale RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -descale REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -escamar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descant SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -descant SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -hacer_gorgoritos SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -warble SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -yodel SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_al_contrapunto SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_en_contrapunto SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -disertar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -disertar SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -disertar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -descant_on SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -asentarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -asentarse HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -asentarse ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -asentarse ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -asentarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -identify CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -identify RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -identify MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -identificar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -identificar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -identifier RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -key_out RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -distinguish AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -distinguish PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -distinguish RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -distinguish DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -key LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -key BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -key ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -key HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -key RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -espy SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -discernir RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -discernir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -discernir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -discernir SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -acechar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -acechar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -acechar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -acechar FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -acechar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -espiar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -espiar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -spy DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -spy SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -descry SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -desecrar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -integrarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -integrarse BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -integrate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -integrate BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -integrate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -integrate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -desegregate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -desensitize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -desensitize WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desensitise WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -desensitise WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desensibilizar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -desensibilizar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -désensibiliser WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -désensibiliser WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -deserve EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -merit EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -meritar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -desexualize ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desexualize CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -desexualise ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desexualise CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -désexualiser ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -désexualiser CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -unsex REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unsex CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -unsex WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desex CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -sterilise CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -sterilise WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sterilize CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -sterilize WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -diseñar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -diseñar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -tener_un_destino DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -fate DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -destine PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -destine DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -estar_destinado DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -intend PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -intend MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -desire REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -want MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -want CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -want REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -vouloir REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -hope REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -ravager DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -devastar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -devastar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -lay_waste_to DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -détruire DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -scourge PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -scourge DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -scourge HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -desolar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -asolar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -ravage DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -dévaster DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -dévaster STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -arrasar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -arrasar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -arrasar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -arrasar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -arrasar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -arrasar WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -arrasar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ruiner DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -devastate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -devastate DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desorb REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desorb EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -desesperanzarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -despair CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -désespérer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desesperar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -despatch SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -expédier SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -expedir CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -expedir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -expedir DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -expedir SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -enviar_fuera SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -send_off SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -send_off SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -plunder DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -plunder STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -saquear DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -saquear STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -despoil DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -despoil STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -pillage STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -reave STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -rifle SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -rifle STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -loot STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -mettre_à_sac STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -foray VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -foray STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -piller STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -expoliar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -despond CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pelarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -descamar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -descamarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desquamate BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -peel_off BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -peel_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -peel_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -destabilize MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desestabilizar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -déstabiliser MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -destabilise MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desestabilizarse MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -destain REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -destalinise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -destalinize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -destruct DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -desulphurize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desulfurize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desynchronize MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desynchronise MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desacoplar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -detallar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -detallar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -detail ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -detail EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -pormenorizar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -destacar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -destacar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -destacar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -destacar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -destacar APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -destacar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -destacar EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -destacar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -destacar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -detect FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -distinguer RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -distinguer FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -effrayer OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -deter PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -deter OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -disuadir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disuadir PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -disuadir OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -distanciar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -distanciar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -distanciar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -desaconsejar PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -dissuade PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -deterge WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -square_off SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -square_up FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -square_up SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -square_up SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -regularizarse INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -formarse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -formarse INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -formarse PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -shape MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -shape INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -shape SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -détester DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -hate DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -odiar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -aimer_comme_la_colique DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -haïr DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -detest DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -derretirse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -derretirse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -thaw CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -dethaw CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -derretir CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -derretir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -fondre CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -unfreeze LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unfreeze CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -unthaw CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -melt CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -melt COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -melt CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -melt WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -melt DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -destronar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dethrone DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -detick HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -detour TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -detox HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -detoxify REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -detoxify HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -desintoxicar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desintoxicar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -detoxicate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -detract REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -detrain LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -detransitivise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -intransitivizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -intransitivise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -detransitivizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -destransitivizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -detransitivize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -intransitivize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -detribalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -detribalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -tusk REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tusk HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -detusk REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -anonadar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -devein REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -make_grow DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -modernize AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -modernise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -expliciter EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -expliciter AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -explicate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -explicate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -industriar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -devilize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -diabolize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -devilise WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -diabolise WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -desvitalizar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -devitalise WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -devitalize WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -devitrify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -devitrify DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -dévitrifier CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -dévitrifier DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -vitrificarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vitrificarse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -devoice PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -raven HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -raven EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -raven OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -guttle EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pig EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pig GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -pig EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -diagnose ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -diagnosticar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -diagnostiquer ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -désigner ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -désigner PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -diagonalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -diagonalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -plot PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -plot CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -plot PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -plot REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -diagram PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -dial MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -dial OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -dialyse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dialyze SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dializar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -diazotize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -dibble HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -dibble BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -dichotomise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -dichotomize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -prescribe ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -recetar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -dictate LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -dictate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dictate ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -prescribir ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -menear CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -menear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -menear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -menear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -didder MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -fiddle FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -fiddle ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -fiddle REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -fiddle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -fiddle PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -fiddle STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -die_out KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -die_out SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -morirse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -morirse FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -morirse_por REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -die_back HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -die_down HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -die_down WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -prevail PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -prevail CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -prevail LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -prevail WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -prevail EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -die_hard CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -prevalecer LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -prevalecer WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -prevalecer EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -prevalecer CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -imperar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -imperar EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -imperar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -persist REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -persist CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -perseverar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -die_off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -diet DIET I-Agent B-Agent B-V I-V O -hacer_dieta DIET I-Agent B-Agent B-V I-V O -faire_un_régime DIET I-Agent B-Agent B-V I-V O -discrepar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -discrepar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -discrepar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -discrepar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -être_en_désaccord DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disentir REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -disentir OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -disentir DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disagree EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -disagree DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dissent REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -dissent OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -dissent DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -differ DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -take_issue DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -distinguirse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -distinguirse DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -distinguirse DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -diferenciarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -diferenciarse DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -diferenciarse DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -differentiate DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -differentiate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -differentiate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -differentiate DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -differentiate RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -severalize SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -severalize RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -severalise SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -severalise RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -tell_apart PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -tell_apart RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -discerner RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -secern RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -différencier RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -secernate RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -deslindar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -especializarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -especializarse FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -specialise EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -specialise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -specialise WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -specialise FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -speciate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -evolucionar_en_una_nueva_especie AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -specialize EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -specialize AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -specialize WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -specialize FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -difractar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -diffract LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -desplegarse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -desplegarse ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -fan_out ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -spread_out TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -spread_out OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -spread_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -spread_out COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -spread_out SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -spread_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -spread_out ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -esparcirse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -esparcirse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -esparcirse ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -prppagar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -replegar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -interpenetrate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -interpenetrate AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -pervade AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -imbue COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -imbue WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -imbue AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -permear AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -permeate PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -permeate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -permeate AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -riddle CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -riddle SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -riddle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -riddle HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -riddle EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -riddle AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -excavate FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -excavate EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -excavate CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -poke SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -poke MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -poke HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -poke PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -poke HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -prod TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -prod INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -prod PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -stab CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -stab PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -hincar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -hincar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -jab CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -jab PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -jab HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -apuñalar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -apuñalar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -apuñalar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -atropellar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -atropellar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -aguijonear HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -aguijonear CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -aguijonear INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -aguijonear PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -aguijonear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -dig_out EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -dig_out CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -dig_up FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -dig_up EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -ahondar LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -ahondar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -creuser CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -travail WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -fatigarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fatigarse WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -labor TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -labor GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -labor WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -toil WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -trabajar_duro TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -trabajar_duro WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -fag EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -fag WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -afanarse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -afanarse WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -labour TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -labour GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -labour WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -drudge WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -hincar_el_diente EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pitch_in EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -dig_in EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -dig_in CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -entrench SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -entrench CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -entrench VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -atrincherar CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -atrincherar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -dig_into ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -probe ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -poke_into ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -poke_into ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -desenterrar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desenterrar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -desenterrar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -digitize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -numériser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -digitalizar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -digitalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -digitalizar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -digitalize GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -digitalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -digitalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -digitise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -dignify APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -donner_de_la_dignité_à APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -ennoblecer ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -ennoblecer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -enaltecer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -dignificar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -ennoble ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -ennoble APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -divagar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -faire_une_digression SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hacer_una_digresión SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -digresser SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -divagate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -contenter_con_diques ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -dyke ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -dike ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -contener_con_diques ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -distend INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -distend BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -dilate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -dilate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -dilatar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -lucubrate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -flesh_out DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -flesh_out AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -flesh_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -expound SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -expound AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -exposit SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -exposit AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -expatiate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -shillyshally EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -shillyshally DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -dillydally DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -dilly-dally DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -drag_one's_feet DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -procrastinate DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -drag_one's_heels DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -dip REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dip LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -dip DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -dip DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -dip INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -dip REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dip TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -opacar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -dimension MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -dimension SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -dimple LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -dimple CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -dine EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -dine HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -dar_cenas HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -invitar_a_cenar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -dar_de_cenar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -cenar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -eat_in EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -dine_in EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -sortir_manger HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -dine_out HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -aller_au_restaurant HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -manger_dehors HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -eat_out HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -comer_fuera HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -comer_fuera_de_casa HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -dingdong PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -ding PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dong PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sonar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -sonar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -sonar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sonar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sonar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -zambullir DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -souse WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -souse COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -souse FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -souse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -sumergir EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -sumergir INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -sumergir DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -plonger DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -meter_en_agua DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -poner_en_remojo DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -dunk SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -dunk DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -douse DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -douse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -douse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -douse WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -douse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -tremper SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -tremper DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -hundirse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -hundirse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -hundirse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -hundirse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -hundirse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dip_into READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -soldar_por_ola JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -dip_solder JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -diptonguizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -convertirse_en_diptongo CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -diphthongize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -diphthongise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -engineer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -engineer ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -orchestrate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -orchestrate ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -orquestar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -orquestar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -mastermind ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -rendre_incapable STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -incapacitate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -incapacitate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -disenable STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -disable STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -disable HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -handicaper HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -handicaper GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -handicaper COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -handicap HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -handicap GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -handicap COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -invalable HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -invalable DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -invalid HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -invalid DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -discapacitar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -disabuse LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -disaccord EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -discord EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -disadvantage STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -desfavorecer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -disfavor STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -disfavour STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -disagree_with HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -défendre PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -prohibit PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -proscribe PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -interdire PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -forbid PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -disallow PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -nix PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -interdict PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -interdict DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -disambiguate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -desambiguar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -disappear DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -disappear LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -disappear WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -vanish SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -vanish DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -vanish LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desvancerse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -evaporate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -evaporate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -disappoint FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -decepcionar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -decepcionar FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -decepcionar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -disapprove REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -désapprouver REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -désapprouver OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -unarm STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -desajustar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desajustar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -desarreglar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -disarrange MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desordenar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desordenar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -disarray MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -disjoint DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disjoint SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -disarticulate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -disassociate DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -divorciar DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -divorciarse DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -divorce DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disunite DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disunite SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -désunir DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -désunir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desmarcar DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disavow REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -disband DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disolverse DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -disbar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -disbelieve REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -descreer REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -desprestigiar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -desprestigiar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -discredit OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -discredit REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -disbud CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -disbud DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -unburden REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unburden HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -disburden REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pay_out PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -disburse PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -disk-jockey PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -disc-jockey PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dj PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -peel REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -peel BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -strip_down REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unclothe REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unclothe SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -uncase REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -discase REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -undress REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -disrobe REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -discern PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -discerp CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -discerp SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dismember SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dismember KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -desmembrar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desmembrar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -drop_off SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -drop_off EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -drop_off REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -drop_off MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -unload EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -descargarse EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desocupar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desocupar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -muster_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dar_de_baja DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -disclaim REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -disclaim GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -dévoiler REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dévoiler SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -découvrir SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -découvrir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -disco DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_disco DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -descolorarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -descolorarse CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -untune CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -untune MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -discompose CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -discomfit CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -unplug SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -desenchufar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -desenchufar SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -disconnect SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -disconnect SWITCH-OFF_TURN-OFF_SHUT-DOWN I-Agent I-Patient I-Instrument I-Time B-Agent B-Patient B-Instrument B-Time B-V I-V O -discontent CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -descontentar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -décontenancer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -décontenancer REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -discountenance CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -discountenance REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -descorazonar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -décourager CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hold_forth SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dissertate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -talk_about DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -discuss DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -get_wind KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -get_word KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -enterarse KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -enterarse LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -enterar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -get_a_line KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -hear INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -hear ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -hear KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -hear FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -hear HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -desautorizar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -single_out CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -single_out REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -discriminate REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -discriminate UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -discriminar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -discriminar UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -know_apart UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -talk_over DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -entrar_en_detalles DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -hash_out DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -desesperanzar REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -pooh-pooh REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -pooh-pooh SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -freeze_off REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -spurn REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -liberarse CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -rid CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -disembarrass CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -disembody LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -disembowel REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -destripar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desentrañar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -eviscerate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -eviscerate EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -eviscerate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -disembroil LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -desembrollar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -desembrollar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -desembrollar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desembrollar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -disinvolve LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -disillusion FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -desilusionar FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -disenchant FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -desencantar FRUSTRATE_DISAPPOINT I-Agent I-Stimulus I-Experiencer I-Instrument B-Agent B-Stimulus B-Experiencer B-Instrument B-V I-V O -desencantar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -disencumber REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -untangle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -untangle RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -extricate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -disfranchise STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -disenfranchise STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -disengage LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -disengage UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -dégager UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -débloquer UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desprender EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -desprender FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -desprender UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -débarrasser UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unsnarl STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desenmadejar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -enderezar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -enderezar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desovillar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -disestablish STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -manquer_de_respect_envers OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -disesteem OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -disrespect OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -faltar_al_respeto OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -derramar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -derramar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -derramar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -derramar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -derramar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -derramar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -derramar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -desparramar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -desparramar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -desparramar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desparramar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -spill SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -spill EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -spill SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -spill EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -spill REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -disgruntle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disimular DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -disimular CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -disfrazarse DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -disguise DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -dar_asco DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -gross_out DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -gross_out CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dish_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -serve_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dish GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dish SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -dish_the_dirt REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -chismorrear REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -dissonate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -dissonate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -disharmonize WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -dishearten CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tangle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -tangle OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -tangle COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -desgreñar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -tousle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -enmarañar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -enmarañar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -dishevel MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -disincarnate CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -indispose CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -indispose HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -indispose DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -indisposer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -indisposer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -indisposer DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -disincline CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desinfectar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -desinfectar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -disinfect HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -disinfest WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -desheredar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -disinherit STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -déshériter STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -disown DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -disown STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -disgregar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -exhumar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -exhume EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -disinter EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -disinvest REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -disinvest REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -desinvertir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desinvertir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -despojaron REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -désinvestir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -désinvestir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -se_mettre_nu REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -se_dévêtir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -se_déshabiller REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -se_mettre_à_poil REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desvestirse REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -se_dénuder REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -disjoin SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -harrow MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -gradar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -disk MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -desagradar DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -desagradar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dislike DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -dislocate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dislocate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -luxar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -dislocar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -luxate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -slip REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -slip HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -slip MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -slip INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -slip MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -slip GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -slip REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slip GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -splay TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -splay OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -splay HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -reposition TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -reposition PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -repositionner TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -repositionner PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -resituar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -resituar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -déplacer TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -déplacer GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -déplacer MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -demolir FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -raze FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -tear_down FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -rase FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -arrancar_a_tiras REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descuartizar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -despiezar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -send_packing DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -largar DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -largar DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -usher_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -démonter FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -liviano FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -descabalgar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -get_off FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -get_off HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -get_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -get_off LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -get_off EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -get_off ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -get_off SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -get_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -get_off LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -get_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -dismount FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -unhorse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -disobey OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -desobedecer OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -desatender ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desatender MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -desatender DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -disorganize MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -disorganise MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -desorganizar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -disorientate ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -disorient ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -repudiate DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -repudiate REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -repudiar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -foreswear GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -renunicar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -waive GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -relinquish CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -relinquish LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -relinquish GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -dispense_with DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -dispense_with EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -dispense_with GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -spare ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -spare EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -spare PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -deshacerse_de EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -part_with EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -prescindir_de EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -prescindir DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -prescindir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -diseminarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -disperser COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dust CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -dust COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dust WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -preempt REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -preempt OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -preempt BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -display SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -display COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -étaler SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -afficher SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -displease CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disgustar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cualificar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -cualificar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -cualificar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -dispose_of FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -dispossess STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -dispread EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -descalificar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -descalificar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -disqualify CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -disqualify DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -descualificar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -indisponer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -indisponer DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -inhabilitar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -unfit DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -descuidar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -descuidar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -descuidar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -negligir MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -negligir DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -neglect MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -neglect FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -neglect DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -dissatisfy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -disecar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -récriminer ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -récriminer OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -s'indigner OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -protest DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -protest OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -protester OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -se_récrier OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -dissimilate DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -hacer_disímil DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -disimilar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -dissimulate CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -fool_away WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -frivol_away WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -fritter WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -fritter_away WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -prodigar WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -prodigar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -desleírse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -diluirse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -dissoudre DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -fade_out WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -fade_away WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -mantener_a_distancia MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -distancer MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -distancer OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -distance MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -distance OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outdistance OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -sobrepasar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -sobrepasar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outstrip OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -dejar_atrás LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -dejar_atrás OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -pintar_al_temple PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -distemper PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -distiller EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extract REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -extract CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -extract CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -extract SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -extract OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -extract EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extract INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -sublimer ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -sublimer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sublimer DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -sublimer WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sublimar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sublimar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -sublimar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sublimate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -sublimate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sublimate DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -sublimate WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -make_pure WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -purify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -purify WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -señalizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -señalizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -twine ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -twine WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -twine SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -garble REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -comisar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -distrain TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -distrain CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -distrain STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -distress CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -straiten CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -straiten PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -hand_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -hacinar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -hacinar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -hacinar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -distribuir_por_zonas ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -zone DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -zone ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -district ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -suspect RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -suspect BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -desconfiar RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -desconfiar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -recelar RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -mistrust RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -intuir RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -intuir PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -intuir BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -intuir UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -distrust RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -se_méfier RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -manosear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -manosear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -manosear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -manosear VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -dejar_plantado GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -abrir_zanjas CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -abrir_trincheras CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -abrir_una_zanja CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -trench BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -trench VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -trench STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -trench CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -zanjar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -zanjar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -dither BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -pother BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -pother CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ditto REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -divaricate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -divaricate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -caer_en_picado REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dive REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dive DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -bucear DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -bombardear_en_picado ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -dive-bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -dévier SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -diverger SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -diversificarse DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -hive_off DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -hive_off MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -dividirse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -fractionner SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -fraccionar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -fraccionar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -fraction DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -adivinar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -adivinar PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -adivinar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -divine SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -divine PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -marear CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -marear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -dizzy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perform CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -perform PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -perform EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -exécuter CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -exécuter OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -exécuter EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -exécuter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -montárselo MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -exercise WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -exercise PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -exercise STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -exercise CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -exercise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -practise TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -practise WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -practise STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -do_a_job_on DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -éliminer CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -do_away_with CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -desembarazarse CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -do_by TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -drug GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -drug USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -do_drugs USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -drogarse ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -drogarse USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -do_in KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -neutralise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -neutralise STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -neutralise COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -neutralise KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -liquidate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -liquidate PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -liquidate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -liquidate DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -hacer_justicia EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -hacer_justicia LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -do_justice EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -do_justice LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -go_all_out CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -give_full_measure CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -do_one's_best CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -give_one's_best CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -do_the_dishes WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -do_the_honors EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pretty_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -do_up ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -do_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -doll_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -glam_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -had_best CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -do_well CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -do_well_by TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -trabajar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -trabajar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -trabajar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -trabajar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -trabajar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -do_work WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -docket RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -docket SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -etiquetar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -etiquetar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -etiquetar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -rotular ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -rotular SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -doctor_up DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -documentar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -documentar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -document LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -document RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -documenter LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -doff REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dogfight FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -dogfight ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -dogmatiser SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dogmatize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dogmatizar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dogmatise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dogsled MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -mush MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -domesticize TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -someter SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -someter GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -someter TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -someter PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -reclaim HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -reclaim REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -reclaim USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -reclaim TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -reclaim RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -domeñar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -domesticise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -domicile STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -domiciliate STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -reside INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -reside STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -shack TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -shack STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -house CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -house STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -domiciliar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -cobijar TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -cobijar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -reinar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -predominate LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -predominate OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -reign LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -prédominer LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -predominar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -predominar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -eclipsar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -eclipsar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -eclipsar COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -eclipsar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -overshadow COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -overshadow CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -eclipse COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -eclipse CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -tyrannize SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -tyrannize LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -tiranizar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -tiranizar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -tyranniser SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -tyranniser LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -tyrannise SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -tyrannise LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -domineer SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -donate GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -garabatear PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -garabatear WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -garrapatear PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -garrapatear WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -borrajear PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -doodle PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -doparse FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -dope GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dope AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -dope FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -doper FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -dopar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dopar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -dope_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -s'ensommeiller SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -quedarse_dormido SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -adormecerse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dormirse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -doze_off SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -flake_out SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -nod_off SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -s'endormir SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -drift_off SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -fall_asleep SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -drowse_off SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dope_off SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dose GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dose TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -administrer_un_médicament_à GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -administrer_un_médicament_à TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -poner_el_punto WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -puntear PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -puntear WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -puntear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -puntear CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -dote BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -dote LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -chochear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -chochear LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -double WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -double REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -double INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -double BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -double HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -double ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -duplicate MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -duplicate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -duplicate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -duplicate COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -duplicar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -duplicar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -duplicar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -duplicar COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -doubler INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -doubler OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -duplicarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -double_over BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -retorcerse BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -retorcerse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -retorcerse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -doblarse_sobre_sí BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -double_up SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -double_up BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -double_up BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -repeat REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -repeat HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -reduplicate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -reduplicate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -double-check VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -salir_en_parejas MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -double-date MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -double-glaze LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -double-park PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -double-space TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -double-team PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -double_birdie SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -eagle SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -double_bogey SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -double_crochet SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -double_stitch SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -double_cross BETRAY I-Agent I-Patient B-Agent B-Patient B-V I-V O -double_dye COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -triple-tongue PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -double_tongue PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -parlay BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -doblar_la_apuesta BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -dudar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -dudar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -dudar COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -doubt BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -douter BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -douche WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -soak HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -soak HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -soak REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -soak DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -soak SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -soak HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -soak WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -soak FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -sop WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sop PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -sop GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -sop DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -drench WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -drench OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -dowse SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -dowse WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -dowse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dovetail FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -encajarse FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -dower GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -endow AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -endow GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -peaufiner AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -downgrade WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -télécharger TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -download TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -minimise REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -minimise DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -understate DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -downsize DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -downsize REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -doze SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -cabecear SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -cabecear EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -drowse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -drowse EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -adormilarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -adormitarse SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -snooze SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -enlist HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -enlist ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -muster_in HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -dredge SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -dredge REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dredge COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dragar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -dragar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -dragar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -drag_in OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -embroil OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -scuff BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -scuff TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -scuff CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -scuff MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -get_behind EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -drop_behind EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -rezagarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -hang_back EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -drop_back EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -drop_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -dar_caladas BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -drag_out CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -drag_on CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -prolongarse CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -alargarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -alargarse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -alargarse CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -alargar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -alargar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -alargar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -alargar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -dredge_up REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -drag_up REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -dragoon SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -dragoon OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -embrigader SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -embrigader OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -sandbag TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -sandbag DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -sandbag HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -sandbag OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -sandbag STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -railroad LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -railroad OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -railroad CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -vidanger EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -assécher EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -purger EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -purger PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -desaguar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desaguar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -desembocar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -desembocar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -drainer EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -escurrirse FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -drink_up DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -drain_the_cup DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -entapizar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -tapizar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -tapizar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -reap GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -reap OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -prepararse STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -prepararse PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -prepararse EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -draw_and_quarter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -écarteler KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -string LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -string REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -string COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -string SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -string TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -string INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -string EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -enhebrar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enhebrar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ensartar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -ensartar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -ensartar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ensartar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -enfilar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -encordar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -encordar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -encordar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -encordar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -thread REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -thread INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -thread TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -thread MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -dépiler REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -retirer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -draw_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -exprimir PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -exprimir BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -exprimir EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -exprimir STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -remorquer PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -remolcar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -trainer PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -traîner PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -draw_the_line RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -draw_a_line RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -draw_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -draw_away OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -jubilar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -jubilar RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -jubilar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -jubilar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -jubilar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -jubilar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -move_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -draw_back OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -draw_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pull_away MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -recede MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -recede WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -retraerse PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -retraerse MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -hacer_su_llegada ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -move_in ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -move_in GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -move_in STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -suck_in ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -suck_in ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -prolong INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -prolong EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -protract INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -prolonger INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -prolonger EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -extraire REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pull_up REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pull_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pull_up STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -draw_rein DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -harness LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -harness BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -harness DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -harness RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -rein_in STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -rein_in DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -rein STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -rein DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -rein RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -enderezarse ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -enderezarse STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -straighten_up STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -haul_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pronunciar_arrastrado PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -drawl PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -avoir_peur CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -espantarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -espantarse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -temer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -temer REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -avoir_la_colique CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -asustarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -craindre CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dread CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fear CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fear REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -tener_miedo CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -espolvorear WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -espolvorear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -calar PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -calar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -calar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -calar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -calar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -imbrue WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -get_dressed DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -vestirse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -dress_out PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -poner_en_fila SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -poner_en_fila SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -guarnecer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -guarnecer STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -garnish REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -garnish EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -primp EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -acicalarse EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -underdress DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -dress_ship EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -window-dress EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -gotear SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -gotear SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -gotear FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -drip SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -drip FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -slabber SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -drivel SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -salivar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -salivar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -baver SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -drool SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -drool REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -slaver SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -babosear SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -babear SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -babear LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -babear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -babear REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -slobber SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -filter PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -filter SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -filter FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -trickle FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -descarriarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desencaminarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -err MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -err LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -freewheel EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -freewheel GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -vivir_sin_rumbo EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -ir_sin_rumbo EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -drift_away DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -drift_apart DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -hacer_ejercicio HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -hacer_ejercicio STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -ejercitar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -ejercitar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -ejercitar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -hacer_la_instrucción TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -tope DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -saludar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -saludar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -saludar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -saludar WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -salute CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -salute ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -salute APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -salute WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -faire_ribote CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -wassail CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -pledge PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -pledge CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -pledge GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pledge OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -pledge GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -brindar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -brindar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -brindar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -brindar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -brindar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -drink_in FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -chorrear HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -chorrear WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -chorrear EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -chorrear SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -chorrear FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -chorrear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -drip-dry DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -conducirse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -conducirse TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -propulser MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -propulser OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -propulser PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -enviar_un_drive HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -motor MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -hacer_trabajar_mucho TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -laborar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tug FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -tug CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -tug TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tug PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -matarse_trabajando TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -rebuff REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -rebuff DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -drive_back DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -fight_off DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -ram_home PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -press_home PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -drive_in HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -drive_in ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -drive_in SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -llegar_en_coche ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -hacer_salir DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -hacer_salir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -empujar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -empujar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -empujar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -empujar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -empujar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -empujar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -empujar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -rout_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -rout_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -rout_out FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -drive_up GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -mojarse WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -mojarse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -bruiner WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -lloviznar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -lloviznar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -humedecerse WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -drizzle METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -drizzle WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -mizzle METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -garuar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -drone PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -drone SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hablar_monótonamente PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -drone_on SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -salivate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -salivate REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -saliver EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -saliver REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -slobber_over LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -drool_over LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -droop REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -droop HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -droop SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -sag FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -sag REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -combarse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -combarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -flag LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -flag EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -flag WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -flag REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -flag SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -agostarse DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -agostarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -wilt SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -wilt WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -marchitarse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -marchitarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -omit MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -overleap MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -overleap EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -overleap JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -pretermit MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -leave_out MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -omitir MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -miss MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -miss CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flatten FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flatten REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -engravecer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -s'enfoncer LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -sumirse FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -sumirse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -sumirse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -chuter LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -drop_down LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -expend CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -spend SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -spend CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -dépenser CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -drop-kick SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -drop-kick HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dropkick SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -dropkick HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -drop_a_line COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -fall_away REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -drop_away REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -agravarse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -agravarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -drop_like_flies REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -perder MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -perder GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -perder FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -perder EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -perder MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -perder LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -lose EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -lose MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -lose FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -lose UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -lose MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -lose PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -lose LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -se_retirer MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -replegarse MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -drop_one's_serve FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fall_open OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -drop_open OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -dejar_colgado GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -dropforge MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -drown EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -drown CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -drown KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -drown DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -se_noyer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -mourir_noyé KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -swim CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -swim TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -swim GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -swim DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -noyer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -drown_out CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -dry DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -enjugar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -enjugar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -enjugar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -enjugar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sécher DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -dry_out DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -dry_out EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -secar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -secar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -secar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -secarse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -secarse DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -drydock DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -dry-dock DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -dry-nurse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -cuidar_un_bebé HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -dry-rot CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -dry-wall MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -lavar_en_seco WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -dry_clean WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -limpiar_en_seco WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -run_dry EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -agostar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -resecar EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -resecar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -momifier DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -momifier PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -mummify DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -mummify PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -momificarse DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -momificar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -momificar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -dub LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -dub ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -dub NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -nickname NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -apodar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -knight ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -nombrar_caballero ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -se_baisser LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -batirse_en_duelo FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -duelar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -duel FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -azucarar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -azucarar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -dulcify CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -dulcificarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dulcificarse CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -edulcorar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -edulcorar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -endulzarse GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -endulzarse CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -dulcificar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -dulcificar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -dulcificar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dulcificar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -edulcorate CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -dulcorate CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -endulzar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -endulzar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -endulzar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -sweeten AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -sweeten CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -dummy SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -maquetar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -underprice SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -tirar_desperdicios DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -apremiar_al_pago ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -apremiar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -acuciar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -dung AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -dung EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -beuse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -beuse EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -realizar_una_volcada SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -lanzar_un_mate SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -convertir_en_dúplex CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -duplex CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -hacer_un_paralelo MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reflejar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reflejar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -reflejar REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -hermanar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dusk DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -desempolvar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -shadow FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -shadow COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -shadow DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -dwarf STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -dwarf COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -empequeñecer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -poblar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -poblar POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -poblar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -poblar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -résider STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -habiter STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -populate POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -populate STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -inhabit EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -inhabit LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -inhabit STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -peupler POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -peupler FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -peupler STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -harp REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -harp PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -seguir_en REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -jouer_de_la_harpe REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -jouer_de_la_harpe PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -tardar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -tardar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -dwell_on DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -linger_over DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -hesitar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -dwindle REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dwindle_away REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dwindle_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -teñirse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -teindre COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tinturar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tinturar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -dye COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -dinamizar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dynamize OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -dynamize INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dynamise OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -dynamise INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -dynamite EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -dinamitar EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -e-mail COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -correo_electrónico COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -email COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -un COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -netmail COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -granjear TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -earth BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -earth JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -land_up RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -land_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -earth_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -ease_up REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -ease_up MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ease_up WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -ease_off REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -ease_off WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -slacken_off WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -move_over MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -alimentarse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -eat_on CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -manger EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -comerse COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -comerse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -bouffer EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -jamarse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -jamar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -avaler EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -consommer EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -desgastarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desgastarse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -desgastarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -erode CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -erode REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -erosionar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -erosionar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -gnaw_at REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -gnaw EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gnaw REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -eat_at REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -wear_away CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -wear_away CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -wear_away REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -eat_away CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rankle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -grate LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -grate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -grate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -grate CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -roer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -roer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -roer EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -carcomer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -supurar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -supurar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -eat_into CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -listen_in HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -eavesdrop HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -escuchar_a_escondidas HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -ebb CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -ebb REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -ebb MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ebb_down MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ebb_off MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ebb_away MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ebb_out MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ebonise COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ebonizar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ébéner COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ebonize COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -resonar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -resonar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -resound MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -resound REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -reverberar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -reverberar REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -reverberar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -echo REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -echo REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -redire REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -répéter REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -répercuter REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -hacer_coro REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -reproduire REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -occult CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -économiser RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -ahorrar ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -ahorrar EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -ahorrar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -arremolinarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -arremolinarse FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -arremolinarse FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -swirl TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -swirl FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -remolinear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -remolinear FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -whirlpool FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -eddy FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -purl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -purl SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -purl FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -purl EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -tricoter_à_l'envers MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tricoter_à_l'envers SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -tricoter_à_l'envers FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -tricoter_à_l'envers EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -afilar SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -afilar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -afilar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inch GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -edge_in MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -edge_up MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -edify EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -iluminar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -iluminar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -iluminar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -iluminar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -ilustrar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -ilustrar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -ilustrar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -ilustrar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -editorialise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -editorialize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -editorializar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -éduquer TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -wipe_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -wipe_off CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -score_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -rub_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -efface CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -efface CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -efface FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -effect CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -effect CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -effectuate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -courir_les_femmes CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -courir_les_femmes COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -womanize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -womanize COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -feminize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -effeminize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -feminise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -effeminise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fizz CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -effervesce CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -foam CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -espumajear CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -froth EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -froth CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -froth EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -form_bubbles CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -eflorecerse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -effuse SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -effuse FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -effuse EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -emanar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -emanar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -flow_out FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -excretér EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -excretar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -egest EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -excrete EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -egg THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -egg COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rebozar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -egg_on INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -egotrip BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -eyacular EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -squirt WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -squeeze_out EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -squeeze_out WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -squeeze_out OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -squeeze_out EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -squeeze_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -squeeze_out SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -ganarse_la_vida EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -eke_out EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -eke_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -eke_out OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -eke_out EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -transcurrir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -transcurrir SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -slide_by SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -slip_by SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -s'écouler AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -s'écouler SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -trascurrir SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -elapse SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -slip_away SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -slip_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -glide_by SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -filer SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -go_by NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -go_by SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -go_by OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -go_by OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -intoxicar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -intoxicar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -intoxicar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -intoxicar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -intoxicar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -regocijar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -regocijar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -lift_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -lift_up EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -alborozar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -intoxicate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -intoxicate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -uplift AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -uplift RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -elate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -codear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -codear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -codear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -elbow TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -elbow HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -elect CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -electioneer WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -electrizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -electrify LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -electrify CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -electrificar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -electrocusión KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -electrocutar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -freír COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -freír KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -électrocuter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -fry HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -fry COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -fry KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -electrocute KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -electrocutarse KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -electroplate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -elegise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -elegize CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -elide MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -elidir MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -winnow_out REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -rid_of PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -elocute SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -elongate EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -étendre INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -étendre LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -étendre DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -étendre PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -étendre EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -distender PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -distender HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -distender EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -escaquearse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -escaquearse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -elope LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -elute WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -eluir WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -macerar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -macerar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -macerar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -macérer COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -macérer SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -macérer DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -macérer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -demacrar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -macerate COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -macerate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -macerate DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -macerate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -décharner WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -demacrarse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -emaciate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -émacier WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -emanate EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -emanate FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -émaner FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -give_forth EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -emancipar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -emancipate LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -manumisión LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -manumit LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -liberate LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -liberate EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -embalm PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -embalsamar PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -embank ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -embargo STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -embargo PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -embark RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -embark CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -embark BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -embarcarse RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -ship LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -ship CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -ship CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -ship MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ship HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -embattle PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -embattle STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -embed SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -embed ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -imbed SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -engraft GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -engraft SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -implanter SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -empotrar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -greffer GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -greffer SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -planter HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -planter SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -implant INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -implant SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -implant TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -snarl WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -snarl MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -snarl SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -snarl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -snarl_up WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -embrangle WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -embrittle WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -fragilizar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -sombrear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -sombrear PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -emend ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -perfilarse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -s'ébaucher SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -emigrar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -emigrar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -émigrer LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -emigrate LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -emitir_sonidos MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -let_loose LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -let_loose MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -utter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -utter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -utter CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -give_off EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -give_off EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -emote PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -enclavar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -enclavar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -enclavar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -enclavar BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -estacar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -estacar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -estacar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -estacar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -empalar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -empalar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -empale HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -transpercer HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -empaler HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -empaler KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -impalar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -impalar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -transfix HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -transfix STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -impale HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -impale KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -spike EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -spike STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -spike GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -spike SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -spike INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -spike HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -impanel CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -impanel CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -constituer CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -constituer CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -empanel CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -empanel CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -panel CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -panel EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -empatizar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -understand CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -understand BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -understand UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -empathise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -empathize CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exagérer EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -underline EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -underscore EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -emplace PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -emplane CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -enplane CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -endue AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -indue AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -gift AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -gift GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -evacuate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -evacuate EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -evacuate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -evacuate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -désemplir EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -purpurate COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -empurple COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -purple COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -purpurar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -emulate SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -emulate FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -emular SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -emular FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -émuler SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -émulsionner CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -émulsionner CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -emulsify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -emulsify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -emulsionar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -emulsionar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -enable HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -posibilitar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -habilitar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -habilitar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -habilitar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -habilitar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -promulgar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -promulgar ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -enamel EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -esmaltar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -enchain STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -enfold ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -envelopper ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -envelop ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -enwrap ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -wrap ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -wrap DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -wrap ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -insert PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -insert INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -stick_in INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -incluír INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -insertar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -insertar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -insertar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -encode CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -pedir_un_encore ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -encore ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -recibirse RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -receive CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -receive WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -receive LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -receive RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -receive AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -receive OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -receive HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -receive SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -receive RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -receive RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -acarminar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -encrimson COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -traspasar_los_límites VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -encroach VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -empiéter VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -impinge VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -aparcer_sin_invitación VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -obtrude_upon VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -encroach_upon VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -invade ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -invade COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -invade VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -intrude_on VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -encostrarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -end_up RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -fetch_up RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -threaten SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -threaten SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -threaten ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -imperil ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -exposer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -exposer ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -jeopardise ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -peril ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -péril ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -conminar ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -exponer_al_peligro ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -menace BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -menace SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -menace ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -menacer BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -menacer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -menacer ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hacer_peligrar ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -endanger ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ganarse_el_cariño EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -endear EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -strive EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -strive TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -procurar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -procurar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -procurar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -endeavor TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -s'efforcer TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -endeavour TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -empeñarse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -hold_out WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -hold_out RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -hold_out EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -hold_out CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -durer CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -last CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -survivre CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -live_on CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -enervar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enervar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -unnerve CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -unsettle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enervate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enervate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -faze CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfeoff REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -enfilade SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -habilitar_para_votar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -wage FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -mesh BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -mesh OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -mesh ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -mesh ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -engranar OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -engranar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -engranar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -lock MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -lock STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -lock SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -lock OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -lock TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -lock CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -lock OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -prosecute ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -prosecute CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -ingraft GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -graft GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -graft PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -injertar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -injertar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -engraver CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -engrave CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -engrave CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -graver CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -etch CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -etch SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -etch CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -graver_à_l'eau_forte CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -graver_à_l'eau_forte SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -graver_à_l'eau_forte CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -inscrire CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -grave CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -enhance INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -enhance AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -realzar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -realzar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -entredecir PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -enjoin ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -enjoin PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -intertwine ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -intertwine WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -interlace STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -interlace WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -enlace WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -entrelazar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -entrelazar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -entrelazar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -entrelazar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -entretejer SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -entretejer WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -entwine SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -entwine WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -anchar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ampliarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -agrandarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -édifier TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instruire TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -éclairer TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -irradiate SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -irradiate TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -irradiate LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -alistarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -ensnarl ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -enmesh ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -anoblir ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -entitle ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -entitle NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -entitle AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -investigate SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -investigate ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -indagar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -indagar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -wonder CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -wonder THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -enrage CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfurecer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ensañar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enrich AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -ponerse_una_túnica EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -enrobe COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -enrobe EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -enroll HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -s'enrôler HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -enrol HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -s'inscrire HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -matricular HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -matricular RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -inscribirse RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -inscribirse HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -inscribirse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -recruit HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -recruit ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -asentar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -asentar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -asentar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -ensconce STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -enshrine ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -enshrine APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -venerar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -venerar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -venerar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -venerar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -venerar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -shrine ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -ensile RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -ensilar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -ensky APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -esclavager SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -enslave SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -esclavizar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -tender_una_trampa CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -ensnare CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -entrampar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -entrap CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -prendre_au_piège CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -piéger CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -trap CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -trap CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -trap STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -capturer CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -capturer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -snare CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -snare LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -result RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -ensue RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -implicar_a IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -entrañar IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -implicate IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -implicate PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -entail IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -entail RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -occasionner IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -mean REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -mean CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -mean PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -mean MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -mean IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -presuponer IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -presuponer SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -presuponer REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -fee-tail RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -mat MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mat CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -entangle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -entangle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -embrollar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -embrollar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hacer_constar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -participate PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -infix PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -infix ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -salir_a_escena APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -harbour CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -harbour RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -harbour STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -harbor CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -harbor RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -harbor STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -abrigar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -abrigar TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -abriter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -abriter RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -abriter STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -entertain CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -entertain CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -entertain ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -flirt_with CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -toy_with CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -think_about CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -think_about THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -entronizar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -throne ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -trône ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -enthrone ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -vest ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -vest DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -vest GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -entusiasmarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -entusiasmarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -entusiasmarse APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -enthousiasmer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enthousiasmer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -entusiasmar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -entusiasmar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -entusiasmar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -enthuse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enthuse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -lure LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -entice LURE_ENTICE I-Agent I-Experiencer I-Instrument I-Goal I-Source B-Agent B-Experiencer B-Instrument B-Goal B-Source B-V I-V O -title NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -titular NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -titular LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -dar_derecho_a AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -entrain CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -subirse_al_tren CATCH_EMBARK I-Agent I-Theme B-Agent B-Theme B-V I-V O -intrench SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -tejer SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -tejer SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -tejer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tejer WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -enucleate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -énucléer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -itemise EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -itemise RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -itemize EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -itemize RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -énumérer EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -poison GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -poison KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -poison ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -poison DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -envenenar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -envenenar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -envenenar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -envenenar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -emponzoñar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -emponzoñar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -emponzoñar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -emponzoñar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -visualise SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -visualise IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -visualise SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -envisager PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -envisager IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -representarse IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -representarse UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -imaginarse IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -fancy IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -fancy REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -visualizar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -visualizar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -visualizar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -visualize SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -visualize IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -visualize SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -image SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -image IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -envision IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -figurarse BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -figurarse IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -figurarse UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -epitomize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -epitomise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -epitomar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -typify REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -tipificar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -tipificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -tipificar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -pegar_con_epoxi ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -epoxy ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -equalise MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -equalise SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -equalize MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -equalize SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -rival MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rival COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -rivaliser MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -ser_igual MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -get_even SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -get_even PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -igualarse SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -igualar_el_marcador SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -equipar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -equip LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -outfit LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -exterminar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -exterminar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -exterminate CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -exterminate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -éradiquer CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -erguir RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -erguir STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -erect MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -erect RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -erigir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -erigir RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -eroticize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sex_up CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fallir MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -fallir MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -confundirse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -confundirse MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -equivocarse SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -equivocarse MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -resbalar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -resbalar MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -resbalar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -mistake MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -spew_out SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -eyectar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -aparecer_una_erupción APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -escalade RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -escalate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -s'aggraver INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -escallop COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -scallop HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -scallop COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -scallop EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -echar_de_menos MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -echar_de_menos CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perderse MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -escaparsse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -fuir SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -fuir FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -s'échapper FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -escape_from LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -eschew ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -escoltar ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -escort ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -test SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -test TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -test REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -test ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -test VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -test RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -testear VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -testear TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -launch ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -launch FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -launch BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -launch SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -instal ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -instal MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -instal STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -instalar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -instalar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -instalar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -install ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -install MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -install STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -lay_down ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -ériger ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -instaurer ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -take_to_be TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -esteem TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -esteem LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -repute TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -look_upon TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -look_on TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -look_on SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -regard_as TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -prise OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -prise LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -prise OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -estimer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -esterify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -grabar_al_aguafuerte CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -eternalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -eternize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -eternize CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -hacer_eterno CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -eternise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immortalizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -eternizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -eternizar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -eternalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -etherialise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -etherealize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -eterificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -etherify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -etherize SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -eterizar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -etherise SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -étioler COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -étioler WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -etiolate COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -etiolate WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -etymologize ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -etymologise ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -étymologiser ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -eulogise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -ensalzar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -ensalzar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -eulogize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -euphemise SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -euphemize SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -europeanize SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -europeanize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -europeanise SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -europeanise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -europeizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -esquiver ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -pass_judgment SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -evangelise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -evangelise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -evangelize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -evangelize TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -evaporarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -evaporarse DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -evaporarse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -évaporer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vaporiser SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -vaporiser WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -vaporiser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -even FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -uniformar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -uniformar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -resultar_finalmente RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -eventuate RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -evert INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -desahuciar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -evict DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -evince SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -resect REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -paint_a_picture AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -évoluer AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -excederse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -overdo INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -laud APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -glorify EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -glorify APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -loar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -proclaim ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -proclaim SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -proclaim APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -proclaim AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -extol APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -alabar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -alabar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -sondar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -sondar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -sulfurar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sulfurar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -sulfurar DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -infuriate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -unearth SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -unearth EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -outperform OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -surpass EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -surpass OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -exceed OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outmatch OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -sobrepujar BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -sobrepujar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -exceder OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outgo OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -surmount RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -surmount COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -surmount OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -go_past OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -rebasar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -trascender PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -trascender OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -overstep OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -transcend OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -exceller EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -stand_out EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -stand_out TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -stand_out RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -excel EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -descollar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -descollar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -destacarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -shine_at EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -excel_at EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -dejar_por_fuera MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -leave_off MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -leave_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -leave_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -excepter MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -excerpt CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -remplacer REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -remplacer CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -substituir REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -substituer REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -replace REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -replace RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -cambiar_de_sitio CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -cambiar_a CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -switch_over CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -excise CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -excise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -excise CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -rayer CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -expunge CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -exciter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -promulgate DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -promulgate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shut_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -keep_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -keep_out STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -torture HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -excruciate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rack REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -rack MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -rack HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rack EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -rack MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -rack FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -rack RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -rack PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -rack GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -rack STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -explain EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -explain JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -expliquer JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -let_off EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -exempt EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -indultar MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -indultar PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -pardon PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -ajusticiar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -ejecutar_un_programa OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -put_to_death KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -ejemplificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -instance REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -illustrer PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -illustrer REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -illustrate PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -illustrate REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -exemplify REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -ofrecer_como_ejemplo REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -exenterate EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -exert CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -exert TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -exert AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -ejercitarse TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -ejercitarse PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -entrenarse TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -entrenarse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -entrenarse STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -s'exercer TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -s'exercer TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -wield CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -wield AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -desempeñar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -exfoliate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -exfoliate OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -exfoliate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -exfoliate BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -exfoliate DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -exfoliarse GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -exfoliar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -exfoliar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -exfoliar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -sap CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -sap EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -play_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -play_out CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -parade SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -parade TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -desfilar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desfilar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -desfilar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -exhiber SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -déployer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -déployer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -subsistir EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -subsistir CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -subsist EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -sortir GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -sortir LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -exorcise DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -exorcize DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -exorcizar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expatriar LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -estar_preñada GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -estar_encinta GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -estar_embarazada GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -expedite SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -rout REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -rout DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -rout EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -rout CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -jeter_dehors DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -expense DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -write_off WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -write_off RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -write_off CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -write_off DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -write_down WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -write_down DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -experimentar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -experimentar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -experimentar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -experimentar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -experimentar FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -faire_l'expérience UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -experience CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -experience KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -experience FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -experience UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -avoir KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -avoir POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -ressentir FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -éprouver FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -feel ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -feel FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -feel UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -feel BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -feel TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -feel PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -feel FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -se_sentir FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -experiment TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -exerimentar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -expérimenter TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -dispararse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -explode_a_bombshell CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exploit BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -overwork BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -overwork OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -exploiter BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -research SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -search SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -explore SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -explore ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -export TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -export SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -export CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -exporter TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -exportar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -exportar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -destapar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -expostulate DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -state SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -state PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -verbalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -verbalize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -give_tongue_to SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -verbalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -verbalise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -verbalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -verbalizar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -proferir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -express-mail SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -express_feelings REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -emocionarse REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -express_emotion REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reír LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -laugh LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -express_joy LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -rire LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -express_mirth LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -expropriate STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -stretch_forth EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -exsert EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -gallop MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -gallop RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -s'étirer EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -desentumecer HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -desentumecer EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -llevar_al_límite TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tendre COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -tendre EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -reach_out COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -reach_out EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -poke_out EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -allonger EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -s'étendre LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -s'étendre EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -desenvolver SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desenvolver EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -extend_oneself EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -extend_to EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -mitigate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -extenuate REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -externalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -externalise CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -externalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -externalize CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -exteriorise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -exteriorizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -exteriorizar CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -objetificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -externar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -kill_off KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -extort OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -extort STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -wring_from OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -arracher OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -extorquer OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -soutirer OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -extorsionar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -gouge CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -gouge EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -gouge STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -extrapoler CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -extrapoler INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -extrapolar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -extrapolar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -extrapolate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -extrapolate INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -généraliser PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -généraliser SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -généraliser INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -généraliser CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -generalizar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -generalizar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -generalizar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -generalise PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -generalise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -generalise INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -generalise CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -generalize PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -generalize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -generalize INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -generalize CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -interpoler CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -extravasarse SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -extrude SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -jubilate CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -jubilate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rejoice CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -exuberate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ooze_out EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -rezumar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -rezumar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -rezumar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -rezumar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -exsuder EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -exude SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -exude EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -transude EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -exudar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -exudar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -exudar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -ooze EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -ooze FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -exudate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -exuda SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -molt DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -moult DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -pelechar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -slough DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -exuviate DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -globo_ocular SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -eyeball SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -eye SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -eyewitness SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -encararse TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -dar_a ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -plantar_cara ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -templar_por_cementación CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -face-harden CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -face-lift EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -faxer SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -telefax SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -facsimile SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -fax SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -faxear SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -factor CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -factor RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -factor CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -prendre_en_compte CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -prendre_en_compte CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -factor_out CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -factor_out CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -factor_in CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -factor_in CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -descomponer_en_factores CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -factorizar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -contabilizar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -factor_analyse ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -factor_analyze ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -factorize CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -factorise CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -languidecer SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -languidecer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -wither WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -wither SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -abrigos_y_chaquetas EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -cansarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cansarse EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -se_fatiguer EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -jade CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -jade EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -s'épuiser EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -s'épuiser FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -outwear EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -outwear OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -tire_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -fag_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -wear_down BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -wear_down EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -fatigue CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fatigue EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -weary CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -weary EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -wear_upon EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -fagot ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -fagot EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -pédé ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -pédé EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -faggot ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -faggot EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -faggot_up ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -manquer MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -manquer FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -dejarse LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -dejarse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -descuidarse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fracasar FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -go_wrong FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -miscarry EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -miscarry FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fair JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -cazar_con_halcones HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cazar_con_halcón HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -falcon HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -resbalarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -resbalarse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -tomber CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -tomber HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -tomber FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -tomber KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -s'affaler HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -mordre_la_poussière KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -mourir_au_combat KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -fall_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -fall_all_over SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desmontarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -go_to_pieces CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fall_off REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -fall_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -apartarse MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -resort RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -resort GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -recur RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -recur MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -recur HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -relapse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -recidivate WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -retrogress WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -regress WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -regress RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -regress CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -récidiver WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -reincidir WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -fall_through FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -caer_de_plano FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fall_flat FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -flop FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -flop FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -malograrse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -fall_for LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -fall_for DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fall_from_grace RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -fall_in_line AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -enamorarse LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -fall_in_love LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -fall_under INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -clasificarse SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -clasificarse INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -fall_into INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -desprenderse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -se_détacher SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -concluirse IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -deducirse IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -deriverse IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -fall_over FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -fall_short_of FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -falsar PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -waver MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -waver STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -waver MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -waver TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -waver FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -flojear FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -flaquear UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -flaquear FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -flaquear WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -privar_de_comida HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -hacer_pasar_hambre HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -famish HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -famish KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -morir_de_inanición KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -mourir_de_faim KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -morir_de_hambre KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -fan AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fan DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -fan AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -abanicar AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -desgranzar AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -azuzar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -azuzar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -azuzar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -apetecer REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -take_to BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -take_to REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -fantasise IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -fantasy IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -fantasize IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -farce FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -farm GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -farm AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -farm WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -cultiver GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -hire_out LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -rent_out LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -farm_out HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -farm_out LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -mettre_en_gérance HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mettre_en_gérance LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -subcontratar HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -subcontract HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -subcontract WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -job BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -job HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -job WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -parir_cerditos GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -parir_puercos GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -farrow GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -grip CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -grip STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -inmovilizar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -inmovilizar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -fashion MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -ayunar DIET I-Agent B-Agent B-V I-V O -fast DIET I-Agent B-Agent B-V I-V O -fast_dye COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tensar TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -tensar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -tensar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -fasten NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -fasten TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -fasten SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -fixer SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -hook_on LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -seize_on LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -fasten_on LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -engordar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -fatten_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -fatten_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -fatten INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cebar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cebar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -plump_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -plump_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -plump PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plump INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -plump REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -plump FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -fat INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -sainar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -sound EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -sound MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sound MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -sound PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sound PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -sound SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -aburrirse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hastiarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -favour EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -favour TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -favour GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -favour LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -favor EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -favor TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -favor GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -favor LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -privilege GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -privilegiar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reverenciar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -reverenciar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -venerate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -revere CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -revere LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -reverence CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -regalarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -feast_one's_eyes ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -square TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -square PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -square MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -square INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -square MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -square HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -square SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -feather TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -feather DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -feather MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -feather COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -feather JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -emplumar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -emplumar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -fledge DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -fledge EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -empenner DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -empenner EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -feather_one's_nest BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -fertilise GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fertilise INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -fertilise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -féconder INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -féconder AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inseminar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -inseminar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -fecundate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -fecundate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inséminer INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -inseminate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -inseminate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -fertilize GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fertilize INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -fertilize AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fertiliser GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fertiliser AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fédéraliser SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -fédéraliser ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -federalize SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -federalize ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -federalise SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -federalise ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -federar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -federarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -federate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -propinar CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -propinar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -propinar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -propinar CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -propinar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -propinar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -prey BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -prey HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -feed_in INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -alimenter NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -nourrir NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -dar_de_comer NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -resubmit PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -feed_back REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -feed_back PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -realimentar PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -retroalimentar REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -feed_on FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -alimentarse_de FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -feed_upon FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -notarse PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -sentirse FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -tâter TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -finger TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -finger SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -finger SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -sense PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -sense UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -palpate ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -tantear SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -tantear FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -sobar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -tener_ganas REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -feel_like REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -feel_like_a_million_dollars FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -feel_like_a_million FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -feint PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -felt CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -felt COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -matte CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -felt_up CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mat_up CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -matt-up CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -matte_up CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -practicar_esgrima FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -palisade STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -murar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -fence_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -fence_in STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -palissader ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -palissader STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -wall STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -enrejar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -enrejar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -enrejar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -vallar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -encercar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -fend MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -fend RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -ferment CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ferment AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -ferment SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -ferment OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -avinagrarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -agrazarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -fermentar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fermentar SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -fermentar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -agriarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -ferret HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ferret CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -ferret FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -huronear CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -ferret_out FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -cazar_con_hurones HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -transbordar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -transbordar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transbordar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -ferry MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ferry CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -transportar_en_transbordador CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -transportar_en_transbordador GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ir_en_ferri MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_ferry MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_transbordador MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -fess_up RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -make_a_clean_breast_of RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -own_up RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -fester EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -ulcerarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ulcerarse EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -ulcerarse CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -infectar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -infectar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -suppurer EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -enconarse EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -suppurate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -se_hâter BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -look_sharp BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -se_dépêcher BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -festinate BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hurry BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -hurry OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -hurry RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -se_presser BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -festoon EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -festonear EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -fetishize LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -fetichar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -fetter STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -trabar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -trabar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -trabar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -trabar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -engrilletar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -shackle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -fettle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -feud QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -enemistarse QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -feudalize SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -decir_mentirijillas SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -contar_trolas SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -fib SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -contar_bolas SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -fibrillate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -ficcionalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ficcionalizar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -llevar_a_ficción REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -fictionalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fictionalise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -recontar COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -recontar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -recontar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -retell SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -retell REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -retell REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -fictionalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fictionalize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -romancer BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -romancer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -romancer REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -romancer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -romancer INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -novelar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -novelar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -novelize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -novelise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -bricoler REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -tinker REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -tinker WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -shrink_from ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -shirk ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -monkey WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -monkey FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -trucar FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -trucar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -tamper FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -tamper VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -twiddle TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -twiddle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -fiddle_with MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -moverse_nerviosamente MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -fidget MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -field CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -field ANSWER I-Agent I-Theme I-Topic B-Agent B-Theme B-Topic B-V I-V O -field CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -field WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -posicionar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -posicionar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -fildear CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -field-test VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -solutionner DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -solver DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -puzzle_out DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -figure_out DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -figure_skate DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -hacer_patinaje_artístico DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -limar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ir_en_fila GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -file_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -file_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -salir_en_fila LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -filet CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -filet EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -filetear CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -fillet CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -fillet EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -filiate FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -filibuster STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -usar_tácticas_obstructivas STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -afiligranar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -filigree MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -fill WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -fill SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -fill EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -fill FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -fill ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -fill FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -hartarse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -hartarse FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -embutirse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -atiborrarse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -s'emplir FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -se_remplir FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -saciarse FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -sate FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -replete FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -make_full FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -satisfy SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -satisfy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -replenish FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -fill_again FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -refill FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -shade DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -shade DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -shade CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -shade PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -shade CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -stand_in REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -sub REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -arrondir ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -arrondir FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -arrondir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -arrondir SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -round_out ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -round_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -round_out AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -round_out SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -fill_the_bill SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -fit_the_bill SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -film RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -filmar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -film-make CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -colar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -colar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -colar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -tamizar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -tamizar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -tamizar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -filter_out SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -filtrar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -filtrar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -filtrar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -filtrar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -filtrar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -separate_out SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -escolar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -filtrate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -filtrarse PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -filtrarse REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -filtrarse PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -filtrarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -filtrarse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -percolate PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -percolate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -percolate COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -percolate EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -percolate CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -finagle DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -agenciarse DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -agenciarse FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -trufar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -escamotear DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -conseguir_con_artimañas DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -nail_down ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -nail_down FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -nail_down DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -finalise FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -finalize FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -financiar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -financiar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -finance PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -finance SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -financer PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -financier DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -find_oneself FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -witness UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -witness SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -presenciar UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -presenciar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -regain OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -regain FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -incur RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -incur OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -obtain EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -obtain OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -reconquistar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -reconquistar CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -reconquistar FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -fine PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -multar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -multar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -ticket LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -ticket PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -tweak ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -tweak REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tweak PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -finedraw SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -thumb TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -thumb ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -thumb TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tripoter TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -palper TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -feuilleter GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -feuilleter ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -feuilleter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -feuilleter TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -feuilleter READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -hojear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -hojear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -hojear READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -finger-paint PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -finger-spell SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -fingerspell SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -fingerprint PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -cortar_con FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -terminar_con FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -terminar_con DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -finish_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -abrir_fuego SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -open_fire SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fuel LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fuel AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fuel FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -aprovisionar_de_combustible FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -fire_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -fire_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -enflammer AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -heat HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -heat AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -firebomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -fireproof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -firm TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -atiesar TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -atiesar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -tauten TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -atirantarse TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -atesarse TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -tesarse TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -firm_up ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -faenar HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pêcher HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -fishtail SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -fisurar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fissure BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -fistfight FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -luchar_a_puñetazos FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -pelear_a_puñetazos FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -caber FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -rentrer INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -rentrer FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -hacer_juego MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -fixate BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -fixate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -fixate STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fixate FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -pay_back GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pay_back PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -aprestarse PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -gear_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -aprestar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -disponerse PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -settle_on STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -fizzle FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -fizzle_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -taper_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -taper_off REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -abanderar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -embanderar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -hacer_detener SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -flag_down SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -hacer_parar SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -flagelar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -flagellate HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -escoria HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -desgranar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -flail MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -flail HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -agitar_violentamente MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -desconcharse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -flake_off BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -flake BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -flake COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -flake SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -flambe COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -flame LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -flame BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flame CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -flanquear OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -flanquear BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -flank BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -fluctuar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -fluctuar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -fluctuar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -oscilar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -oscilar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -flap_down THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -flare_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -swank SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -flaunt SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -pavonear SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -show_off SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -ostentate SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -lucirse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -quick-freeze PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -flash-freeze PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -hedgehop FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -flat-hat FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -s'aplanir FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flatten_out FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -s'aplatir FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -aplanir FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -aplanar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -achatar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -aplatir FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flavour COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -condimentar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -flavor COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -season REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -season COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -season STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -dar_sabor COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -sazonar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -sazonar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -adobar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -adobar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -flay REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desollar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desollar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -emplumecer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -flight FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -flight EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -flight SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -volar_en_bandadas EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -flee LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -take_flight LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -echarse_el_pollo LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -rob STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -rob REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -gazump INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -gazump REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -surcharge SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -surcharge PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -surcharge REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -surcharge CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -surcharge FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -fleece CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -fleece REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -overcharge FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overcharge REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -esquilar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -shear CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -shear SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -trasquilar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tonsurar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -fleer LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -flense REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -flesh REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -encorvar BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -flicker LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -flicker MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -riff PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -riff ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -leaf GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -leaf ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -leaf READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -revolotear HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -revolotear FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -revolotear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -revolotear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -flitter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -vibrar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -estremecerse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -volar_en_bandada FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -pull_a_fast_one_on DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -hacer_bromas DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -trick DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -play_a_joke_on JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -play_a_joke_on DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -play_tricks DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -fob DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -jugar_una_broma DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -dar_un_chasco DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -flim-flam DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -play_a_trick_on DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -aventar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -aventar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -splurge SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -splurge CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -hacerse_un_cariñito CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -despilfarrar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -despilfarrar CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -parrandear CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -tirar_al_aire THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sky THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -twitch PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -twitch MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -twitch MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -flip_over INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -flip_out CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -flip_out ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -permitir_la_fluctuación MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -permitir_fluctuar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -flotter GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -nadar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -nadar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -nadar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -flocculate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -flocculate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -floculer CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -floculer SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -flocularse SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -ir_en_procesión GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -andar_en_tropel GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ir_en_tropel GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -fouetter MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -fouetter HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -welt STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -welt HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -lather EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -lather EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -lather WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lather HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -strap SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -strap SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -strap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pegar_con_el_látigo HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -lash SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -lash MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -lash HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -oversupply LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -inundarse FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -flood_in ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -iluminar_con_focos LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -floodlight LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -dejarse_caer FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -floss WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -pernear RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pernear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -flounce MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -flounder BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -flounder TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -flour CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -flour COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -enharinar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -fariner CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fariner COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -prosper AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -fly_high CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fly_high AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -acaudalar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -proliferar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -proliferar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -proliferar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -menstruar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -menstruate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -flow_away FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -flow_off FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -fluctuate FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -fluctuate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -hésiter COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -hésiter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -vacillate COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -vacillate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -mullir RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -mullir MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -fluff_up MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -plump_up MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -plunk_down PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plump_down PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plump_down DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -plonk PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -flump FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -flump PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plank PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plank COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -plank COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -plop FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -plop PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plop DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -flump_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -fluoresce LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -fluoridize TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -fluoridise TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -fluoridate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -fluorizar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sluice WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sluice EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -sluice CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -sluice FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -hacer_fluir WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -flush_down FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -wash_down EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -wash_down FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -aturrullar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aturullar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fluster BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -fluster CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aturrullarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -aturullarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -flute SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -palpiter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -palpiter MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -palpitate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -palpitate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -palpitar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -licuar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -liquify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -liquefy CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -liquefy CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ir_volando TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -enviar_por_avión CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -enviar_por_aire CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -voler FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -voler STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -wing FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -pescar_a_mosca HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pescar_con_mosca HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -flyfish HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -fly-fish HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -volar_a_ciegas FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -fly_blind FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -fly_by FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -fly_by RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -whisk_by RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -zip_by RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -fly_contact FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -fly_in_the_face_of VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -fly_in_the_teeth_of VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -fly_on FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -continuar_en_vuelo FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -seguir_volando FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -fly_open OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -parir_un_equino GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -foal GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -froth_at_the_mouth CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -foam_at_the_mouth CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -foist_off SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -palm_off SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -fob_off SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -sharpen AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sharpen SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sharpen INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -sharpen AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -sharpen ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -localise BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -localise PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -localise FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -localise LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -localizar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -localizar FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -localizar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -localize BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -localize PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -localize FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -localize LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -localiser SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -localiser BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -localiser PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -localiser FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -localiser LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -fodder NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -dar_pienso NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -fog_up CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -foist BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -foist INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -fold_up CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -fold_up PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -plegarse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -plier PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pen_up RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -apriscar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -page SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -page WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -page WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -foliate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -foliate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -foliate WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -foliate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -foliate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -paginate WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -foliar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -paginar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -folk_dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -travel_along GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -mantenerse_fiel FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -continuar_con FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -stick_with FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -keep_an_eye_on WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -watch_over WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -voir WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -voir UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -voir SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -take_after MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -take_after SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -seguir_el_ejemplo SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -surveil WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -postdate COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -postdate LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -postdater COME-AFTER_FOLLOW-IN-TIME I-Theme I-Co-Theme I-Agent I-Attribute B-Theme B-Co-Theme B-Agent B-Attribute B-V I-V O -postdater LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -estar_al_corriente INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -keep_abreast INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -mantenerse_al_día INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -mantenerse_al_corriente INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -estar_al_dìa INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -estar_al_día INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -follow_suit SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -foolproof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -goof-proof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -goofproof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -foot_up ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -foot PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -foot ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -foot GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hoof_it GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -sabot DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -sabot GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -leg_it GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hoof DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -hoof GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -andar_a_pie GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ir_a_pie TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ir_a_pie GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -footle BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -footle PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -mess_about PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -perder_el_tiempo PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -entretenerse PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -entretenerse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -entretenerse WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -mill_about PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -mill_about TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -lounge PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -lounge LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -holgazanear PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -holgazanear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -holgazanear STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -tarry PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -tarry LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -lallygag PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -merodear PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -merodear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -merodear AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -merodear STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -mill_around PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -mill_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -lollygag PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -hang_around PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -loiter PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ir_de_puntillas MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -slog WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -slog MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -slog HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -footslog MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -plod MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -trudge MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -forage SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -forage EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -ir_de_caza SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -incursionar VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -foray_into VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -s'abstenir ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -forbear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -foreclose REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -foreclose PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -prevent PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -storm BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -storm ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -storm METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -storm AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -impel PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -impel MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -impeler PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -impeler MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -impeler PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -impeler GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -imposer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -obliger OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -thrust CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -thrust PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -thrust PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -thrust OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -thrust GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -contraindre OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -force-feed NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -force-land LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -ford OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -vadear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -vadear OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -forearm LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -prejuzgar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -prejuzgar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -foredoom DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -condenar_de_antemano DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -desmerecer GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -privarse GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -forfeit GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -highlight PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -highlight EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -foreground EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -spotlight EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -spotlight LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -predestine DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -preordenar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -predestinate DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -prédestiner DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -foreordain DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -predestinar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -preordain DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -foreshow GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -profetizar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -profetizar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -relinquir GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -forewarn WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -martillar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -martillar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -hammer MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -hammer HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -plasmar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -fraguar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -modelar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -modelar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -spirt INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -spirt GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -spurt INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -spurt GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -olvidarse LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -forgive EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -forgive PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -excuser PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -pardonner PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -bieldar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pitchfork RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -beldar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ahorquillar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -dar_forma CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -dar_forma SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -pie_de_imprenta TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -imprint TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -imprint PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -take_form BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -take_shape BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -formalizar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -formalize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -formalise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -oficializar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -initialize ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -initialize SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -initialiser ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -initialiser SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -initialise ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -initialise SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -formicate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -formularize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -formularise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -fornicar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fornicate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fort ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -fort PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -fort STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -fort_up PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -fortificarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -substanciar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -añadir_alcohol EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -echar_licor EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -corser EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -send_on SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -forward SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -fosilizarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fosilizarse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fossilize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fossilize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fossilise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fossilise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fosilizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -foster DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -foster INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -batear_de_foul FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -hacer_falta VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -foul_out HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_un_traspié FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -volaille HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -fowl HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cazar_aves HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cazar_el_zorro HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -foxhunt HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -bailar_foxtrot DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -foxtrot DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -fractionate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -frame_up MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -dar_una_concesión AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -franchise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -dar_una_franquicia AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -frank PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -frank EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -affranchir PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -affranchir EXEMPT I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -postmark PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -timbrar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -timbrar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -frap TIGHTEN I-Agent I-Patient I-Extent I-Source I-Destination B-Agent B-Patient B-Extent B-Source B-Destination B-V I-V O -frap SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -fraternise BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -fraternizar BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -fraternize BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -roerse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -deshilacharse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -raerse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -deshilarse CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -frazzle CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -frazzle EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -extenuar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -freak CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -freak_out CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -perder_el_control CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -se_couvrir_de_taches_de_rousseur EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -se_couvrir_de_taches_de_rousseur CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -freckle EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -freckle CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -resign CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -resign RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -resign AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -desbloquear LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -desbloquear OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -desbloquear UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unblock LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unblock UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unblock PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -unloose LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unloose UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -loose LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -loose UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unloosen LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unloosen UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -free-associate MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -freelance WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -freeload BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -gorrear BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -vivir_de_gorra BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -stop_dead STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -freeze_out CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -freeze_down CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -helarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -helarse PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -helarse COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -geler CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -anestesiar_por_congelación COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -congeler PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -freeze-dry PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -fletar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fletar CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -freight LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -freight CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -french CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -frenchify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -franciser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -afrancesar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -frecuentar VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -haunt FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -haunt AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -haunt VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -pintar_al_fresco PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -fresco PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -freshen WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -freshen CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -freshen COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -refreshen CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -refreshen WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -freshen_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -freshen_up WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -remozar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -renovar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -renovar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -renovar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -renovar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -renovar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -refurbish EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -glotonear EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gluttonise EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -hartar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -hartar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -fress EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gluttonize EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -fuss CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fuss HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -fricassee COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -effaroucher DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -fringe EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -flecar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -franger EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -orlar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -frivol BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -frock DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -ponerse_los_hábitos DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -tomar_los_hábitos DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -vestirse_con_sotana DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -frog HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -frogmarch CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -frogmarch MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -adornar_con_escarcha COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -alcorzar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ice COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ice COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -frost COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -frost EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -frost COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -escarchar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -escarchar COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -escarcharse COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -ice_up COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -frost_over COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -ice_over COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -spume EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -suds EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -suds WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -glower FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -glower SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -frown FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -fruncir_el_ceño FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -fruncir SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -fruncir FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -fruncir PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -lour REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -lour FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -frown_upon REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -estar_mal_visto REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -frown_on REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -dar_frutos GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fructifier GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fructify GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fructificar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -frutar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fruit GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -fruit POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -freírse HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -freírse COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -frire COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -faire_frire COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -ftp TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -jack_off HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -wank HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -masturbar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -she-bop HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -masturbarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -jerk_off HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -pajear HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -masturbate HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -fudge_together MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -throw_together MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -throw_together MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -poner_gasolina FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -abastecer_de_combustible FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -acalorar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -s'acquitter SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -live_up_to SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -conforme SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -abatanar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -abatanar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -full CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -full EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -full HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -batanar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -enfurtir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -incrementar_la_intensidad CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -aumentar_de_fase CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -fullback WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -fulminate EXPLODE I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -fulminate APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -fulminate CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -rail CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -rail PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -rail SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -rail OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -rail CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -rail ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -rail MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -rail OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -rail HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -fulminar CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -perder_el_balon FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -grope TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -grope SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -grope FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -buscar_a_tientas FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -fume EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -fume CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -fume EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -fume TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -reek EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -reek ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -reek EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -reek EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -fumigar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -fumigate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -humear EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -echar_humo EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -smoke EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -smoke BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -emitir_humo EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -function HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -function OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -function WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -fonctionner OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -marcher OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -marcher GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -officiate EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -officiate WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -fungir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -fund FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -fund CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -fund PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -fund RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -fund_raise FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -fund-raise FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -fundraise FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -funnel SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -furl ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -arrollar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -arrollar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -arrollar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -arrollar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -furlough AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -furlough DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -mettre_au_chômage_technique AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -mettre_au_chômage_technique DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -furnish LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -amoblar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -rut HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -rut EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -groove EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -groove CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -licuarse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -instalar_un_fusible LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -fusilar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fusillade SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -overprotect HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -overprotect PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -mimar_en_exceso HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sobreproteger HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sobreproteger PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -g.i. WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -gi WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -poner_en_orden WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -yak SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gab SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gad TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ir_de_fiesta TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -gallivant TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -corretear_las_calles TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -jazz_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -amordazar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -amordazar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -amordazar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -muzzle DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -muzzle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -quip JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -satirizar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -avoir_des_nausées TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tener_náuseas TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -avoir_des_haut-le-coeur TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tener_arcadas TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tener_ansias TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tener_desazón TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tener_nauseas TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -hacer_bascas TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -sentir_nauseas TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tener_angustia TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -gaggle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -engruesar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -engruesar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -engrosar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -engrosar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -perk AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -gain_vigor AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -irk CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -galumph TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sobresaltar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sobresaltar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -sobresaltar JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -galvanizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -galvanizar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -galvanizar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -startle INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -startle JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -galvanize AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -galvanize INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -galvanize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -galvanise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -galvanise INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -galvanise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -electrolizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -gang BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -gang_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -gang-rape ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -sphacelate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -gangrene HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -gangrenarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -necrose HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -aprisionar CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -incarcerate CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -gaol CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -jug CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -jug COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -immure CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -emprisonner CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -remand CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -remand DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -imprison CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -put_behind_bars CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -mettre_en_prison CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -jail CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -goggle SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -gawp SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -gawk SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -gape EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -gape SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -boquear EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -yaw EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -yaw TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -yawn EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -yawn MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bâiller EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bostezar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -bostezar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -garage RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -garden WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -jardinear WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -gargarear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gargarear WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -gargle SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gargle WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -gargarizar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -se_gargariser WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -rinse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -rincer WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -enjuagar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -enguirnaldar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -garland EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -garnishee REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -garotte KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -garrotte KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -agarrotar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -agarrotar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -garrote KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -garrison STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -garter SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -gasear ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -gas_up FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -gash CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pant SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -pant BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -jadear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -jadear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -jadear BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -jadear COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -gasp BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -gate LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -gate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -gate RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -tuck INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -tuck SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -tuck PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -gather_in PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -gauffer SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -goffer SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -mesurer EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -mesurer MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -mirar_fijamente SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -stare SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -gaze SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -gazette PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -gear HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -gee TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -gee ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -gel CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -gel SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -mousse SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -gelatinise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -gelatinize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -gelatinize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -gélatiner COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -geminar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -geminarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -géminer BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -géminer COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -géminer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -geminate BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -geminate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -geminate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -reduplicar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -general LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -vulgarise BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -vulgarise PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -vulgarise DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -popularise PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -popularise INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -popularize PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -popularize INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -vulgarize BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -vulgarize PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -vulgarize DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -vulgarizar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -vulgarizar DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -popularizar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -popularizar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -generalizarse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -rapporter GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -hacer_cariño TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -gentrify EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -gentrificar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -genuflect LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -faire_une_génuflexion LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -arrodillarse LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -gerrymander DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -falsificar_elecciones DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -gesticular SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -gesticulate SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -faire_un_geste SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -gesticuler SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -motion SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -gesture SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -padecer HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -padecer UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sacar_de_quicio CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -get_under_one's_skin CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -echar_una_miradita SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -have_a_look SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -get_a_load SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -take_a_look SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -get_a_whiff ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -get_a_noseful ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -get_about TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -get_along_with BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -llevarse_bien BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -get_on_with BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -mariposear COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -mariposear BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -get_around_to ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -get_back OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -get_back PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -win_back OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -sacarse_la_espina PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -deglutir EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -ingurgitar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -chascar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -implicarse PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -tangle_with PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -involucrarse CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -involucrarse PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -colocarse ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -trip_out ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -saltar_fuera LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -hop_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -mail SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -décoller BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -get_off_the_ground BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -echarse_encima LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -take_one's_lumps RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -get_one's_lumps RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -have_the_best OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -get_the_best OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -get_the_goods FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -get_the_hang LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -get_the_jump WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -pasar_el_rato SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -while_away SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -lograr_alcanzar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -lograr_ser ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -progress_to ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -get_worse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -empeorarse WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -geyser FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -ghettoise ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -ghettoize ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -ghettizar ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -ghost CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -ghost AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -ghost TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -obsesionarse AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -obsess CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -obsess AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -obsesionar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -fantasma AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -ghostwrite CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -farfullar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -farfullar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hablar_incoherentemente MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ahorcar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -gibbet JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -gibbet KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -regalar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -regalar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -envolver_para_regalo ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -gift-wrap ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -reírse_tontamente LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -titter LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -giggle LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -paint_the_lily ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -paint_the_lily EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -gild_the_lily ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -gild_the_lily EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -embellecer_lo_perfecto EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -renguear STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -limp STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -limp GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -renquear STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cojear STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cojear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hobble STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hobble SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -gimp STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -gin CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -gin SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -echar_jengibre COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -ginger COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -juice_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -jazz_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -ginger_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -concéder GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -sacrifice GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -sacrifice KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -sacrifice SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -hand GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -hand DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -impartir INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -délivrer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -give_and_take SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -hacer_concesiones_mutuas SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -hacer_un_compromiso SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -hacer_concesiones SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -refund GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -volver_a_pagar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -give_back GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reembolsar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reembolsar PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -reintegrar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reintegrar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -give_it_a_whirl TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -give_it_a_try TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -have_a_go TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -intentar_hacer_algo TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -dar_las_gracias_a APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -give_thanks APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -thank APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -dar_las_gracias APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -give_the_bounce DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -give_the_gate DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -dar_puerta DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -give_the_once_over CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -give_the_eye CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -give_the_glad_eye SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -matar_con_los_ojos SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -démissionner RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -dimitir RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -give_vent SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -glaciate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -glaciate COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -joy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -gladden CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -alegrarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hacer_atractivo EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -glamourise EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -glamourise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -glamorize EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -glamorize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -glamourize EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -hacer_atrayente EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -glamorise EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -romanticise EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -romanticise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -romantizar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -romantizar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -romanticize BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -romanticize EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -romanticize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -glamorizar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -idealizar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -idealizar IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -idealizar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -glint LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -glint SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -glance HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -glance SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -peek SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -scan SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -scan INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -scan ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -scan HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -scan READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -glance_over ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -hurgar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -hurgar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -hurgar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -glare LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -glare SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -glass LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -glass SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -glass ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -glass CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -glass PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -glass_over CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -poner_vidrios LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -encristalar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -glass_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -vernir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -vernisser COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -glacer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -vitrifier COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -vidriar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -fulgurar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -glimmer LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -gleam LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -gleam APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -rutilar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -glisten LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -glitter LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -cosechar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -récolter GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -glean GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -espigar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -espigar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -harvest REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -harvest GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -glide FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -glide TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -glide MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -deslizar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -deslizar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -deslizar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -deslizar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -deslizar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -glide-bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -bombardear_en_planeo ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -entrever SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -glimpse SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -glissade PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -recrearse PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -recrearse SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -globalise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -globalizar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -globalize INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -globe-trot TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -recorrer_mundo TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -transfigurar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transfigurar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -spiritualiser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -spiritualiser APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -spiritualiser INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -spiritualize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -spiritualize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -spiritualize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -transfigurer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transfigurer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -transfigure CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transfigure APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -espiritualizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -espiritualizar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -espiritualizar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -glory CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -lustrar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -lustrar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -acallar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -acallar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -hush_up MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hush_up CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -encalar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -encalar CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -gloss_over TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -gloss_over CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -whitewash SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -whitewash COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -whitewash CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -sleek_over CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -skimp_over TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -skate_over TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -smooth_over TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -slur_over TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -fulgir LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -estar_al_rojo_vivo LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -brillo CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -paste ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -paste COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -paste HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -glue ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -glue FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -coller ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -coller FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -glug MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -glycerolize PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -glicerolizar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -glycerolise PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -gnash TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -mordiscar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -irse_en CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -run_short CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -run_low CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -procéder EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -hacer_ruido MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ir_de EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -locomote GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -travel TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -travel GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -go_a_long_way EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -go_across GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -quest_for SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -quest_after SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -go_ahead CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -pase CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -plow_ahead CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -seguir_la_corriente ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -revolve ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -revolve TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -go_back_on FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -renege FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -renege_on FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -desdecirse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -desdecirse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -renegue_on FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -travel_by OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -pass_by OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -llamarse NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -go_under NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -go_under DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -go_under DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -llegar_lejos EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -go_deep EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -llegar_hondo EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ir_abajo DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -se__coucher DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -ir_a_escote SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -go_dutch SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -ir_a_por TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -intentar_alcanzar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -intentar_conseguir TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -intentar_llegar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -try_for TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -go_for_broke RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -go_home MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -head_home MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -implosionar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -implotar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -implode PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -go_off_half-cocked CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -go_off_at_half-cock CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -pasar_de_moda FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -pasar_revista VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -work_through CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -go_through_the_motions PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -go_to_the_dogs WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -go_to_pot WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -take_arms ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -tomar_las_armas ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -go_to_war ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -take_up_arms ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -aguijar INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -goad INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -goad HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -goad CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -espolear FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -espolear INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -espolear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -spur LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -spur INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -spur HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -needle HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -needle CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -gluglú MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -gluglutear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bañar_en_oro COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -gold_plate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -gold-plate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -goldplate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -golf PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -gong PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -buscar_con_google SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -googler SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -google SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -googlear SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -goose TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -goose INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -goose SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -meter_mano TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -dar_una_nalgada TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -goose_step MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -cortar_tela CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -gore CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -gore HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -acanalar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -acanalar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -gouge_out HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -govern ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -govern LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -govern INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -govern REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -regularize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -regir ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -regir LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -regir INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -regir RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -normar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -regularise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -regularizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -regularizar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -commander LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -régner LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -gouverner LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -gown DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -snaffle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -snaffle TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -snap_up TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -gradate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -gradate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -grade ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -grade SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -graduar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -graduar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -graduar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rank SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -rank COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -rank OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -rate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -rate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -rate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -score SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -score CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -score SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -score CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -score PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -score COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -graduarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -transplant PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -transplant CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transplant MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -trasplantar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -trasplantar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -grain PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -grain DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -grain SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -granular PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -granular SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -arraigar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -entarugar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -ingrain DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -ingrain TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -granulate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -grandstand PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -representar_gráficamente PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -agarrar_firmemente CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -agarrar_firmente CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -hold_on CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -hold_on WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -hold_on RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -hold_on CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -grass_over COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rallar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rallar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -gratify CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pander LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -pander CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -souteneur LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -souteneur CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sculpture CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -sculpture CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -sculpt CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -sculpt CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -empedrar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -engravar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -gravitar REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -gravitar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -gravitar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -gravitate REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -gravitate ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -gravitate GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -grey COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -engrisecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -agrisar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -gray COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -hacer_gris COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -encanecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -grisear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -rasguñar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rasguñar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -engrasar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -engrasar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -grease PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -verdecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -verdear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -reverdecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -green COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -enverdecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -enverdecerse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -greet SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -greet PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -greet WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -griddle COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -apenarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sorrow CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -emparrillar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -grill ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -grill COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -pull_a_face FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -make_a_face FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -grimace FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -sonreír_abiertamente FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -grin FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -grind_down LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -grit PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -grit PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -arenar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -yammer MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -yammer OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -mirar_con_hambre SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -groak SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -groan SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -gemir SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -gemir CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -moan SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -groin MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -sobrehilar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -cuidarse EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -toquetear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -scrabble WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -scrabble FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -grope_for FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -gross EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -ganar_en_bruto EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -grouch OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -aterrar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -aterrar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -aterrar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -solar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -solar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -échouer LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -tocar_tierra LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -encallar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -run_aground LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -roletear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -imprimar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -undercoat COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -prime PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -prime COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -prime FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -varar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -varar GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -strand LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -strand GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -ground_out SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -grouper SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -cazar_urogallos HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -enlechar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -grout SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -hacer_crecer GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -hacer_crecer RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -hacer_crecer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -overgrow GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -overgrow DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -sobrecrecer GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -grow_over GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -grow_up DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -growl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rumble MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rezongar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -grub_out EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -grub_up EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -grubstake PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -concomerse DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -grudge DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -grudge AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -reconcomerse DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -grunt MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -grunt-hoot COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -vouch SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -vouch GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -vouch PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -warrant GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -warrant GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -resguardar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -resguardar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -resguardar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -resguardar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -salvaguardar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -salvaguardar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -ward WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -atinar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -guesstimate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -laugh_loudly LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -guffaw LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -carcajearse LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -guide_on ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -guillotinar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -guillotine KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -quaff DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -lamper DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -lamper HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -beber_demasiado DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -beber_a_tragos DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -gulp SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -gulp DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -libar DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -swig DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -swig HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -resinar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -gum PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -gum CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -gum EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gum EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -mumble SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mumble EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -gum_up ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -engomar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -engomar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -hacer_fuego SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -gun SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -gun_down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -gush APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -gush SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -gush GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -manar_a_borbotones GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -salir_a_chorro GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -spout SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -spout GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -borbotar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -salir_a_chorros GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -echar_en_chorro SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -lanzar_a_chorro SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -derramar_a_borbotones SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -jet SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -jet FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -salir_en_chorro SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -rave CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -rave SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rave APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -gut REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -gut EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -gutter LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -gutter LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -gutter FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -gutter CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -guzzle DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -spin_around MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -narrar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -narrar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -narrar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -narrar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -narrar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -vestir_el_hábito DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -habit DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -habituarse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -habituarse USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -dar_tajos CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -patear_las_espinillas HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -programmer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -programmer REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -programar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -programar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -programar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -hack_on REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -tos_convulsiva BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -whoop BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -whoop SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -heckle FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -heckle WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -hackle WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -hatchel WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -haemagglutinate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -hemagglutinate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -granizar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -halloo SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -halloo INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -llamar_a_gritos INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -hallucinate SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -alucinar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -flipar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -s'arrêter STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -se_figer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -s'immobiliser STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stem ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -stem REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -stem STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stem COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -stanch STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -staunch STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -restañar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cabestrar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -halve DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -dédoubler DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -dividir_por_dos DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -couper_en_deux DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -ham_it_up BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -overplay BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -sobreactuar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -ham BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -overact BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -cabotiner BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -discutir_a_fondo DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -hammer_out DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -thrash_out DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -hamstring SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -hamstring HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -desjarretar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -desjarretar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -atar_de_manos SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -hand-dye COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -hand-pick CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -handwash WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -hand-wash WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lavar_a_mano WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -hand_down CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -handcolour COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -handcolor COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -handcraft MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -manipuler TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -manier TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -palm TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -handle_with_kid_gloves TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -rubberstamp APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -sellar DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -sellar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -sellar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -sellar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -sellar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -handstamp APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -handwrite WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -manuscribir WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -hang_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hang_up HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -hang_up MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -string_up COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -string_up KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -exhibirse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -hang_by_a_thread RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -hang_by_a_hair RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -surcar_los_cielos FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -hang_glide FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -soar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -soar FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -hang_in CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -mantenerse REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -mantenerse RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -mantenerse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -mantenerse CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -persevere CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -hold_the_line WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -hold_the_line RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -hang_out SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -mantenerse_unidos EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -mantenerse_unidos JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -hang_together JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -interdepender JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -interdepend JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -raccrocher STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hanker REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -long REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -desear_ardientemente REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -materialize APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -materialise APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -realizarse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -materializarse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -arengar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -harangue SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shield CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -shield PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -dar_asilo STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -amparar TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -amparar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -amparar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -hard_surface PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -harden CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -harden CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -harden STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -indurate ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -indurate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -indurate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -templar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -templar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -templar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -templar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -avezar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -inure CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -endurcir STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -blinder STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -cuirasser STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -aguerrir STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -hare RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -hearken HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -harken HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -hark HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -harlequin COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -harm HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -compatibilizar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -poner_los_arreos LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tackle LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tackle ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -tackle FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -enjaezar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -estar_al_mando RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -reglamentar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -reglamentar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -dar_órdenes RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -arpar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -arponear HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -harpoon HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -harsh_on CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -harshen WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -hash CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -rehash DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -rehash USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -hash_over DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -retrograde WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -retrograde MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retrograde DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -refundir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -refundir DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -refundir USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -hasp SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -hat DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -tocarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -poner_sombrero DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -salir_del_cascarón GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -stalk FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -stalk HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -stalk MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -have_got POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -detentar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -detentar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -tratar_con FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -possess EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -possess INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -possess POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -own POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -posséder POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -have_a_ball ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -have_a_good_time ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -have_down KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -have_in_mind REFER I-Theme I-Co-Theme I-Recipient B-Theme B-Co-Theme B-Recipient B-V I-V O -have_it_coming EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -have_on DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -haw MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -peddle SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -monger SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -vend SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -hay CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -haze CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -haze DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -gastar_novatadas DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -encabezar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -encabezar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -encabezar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -encabezar PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -encabezar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -head_up LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -emmener PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -diriger PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -mener PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -guider PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -headbutt HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -headline LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -headline PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -headquarter LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -sanear HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -se_cicatriser HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -pile ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -pile AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -heap ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -heap AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -heap FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -amonceler AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -empiler AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -entasser AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -entasser FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -stack SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -stack AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -stack FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -heap_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -stack_up AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -entendre PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -entendre HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -entendre ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -saber_de INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -take_heed FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -écouter HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -écouter FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -listen HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -listen FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -ouïr HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -hear_out HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -hot_up HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hot_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -hot_up AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -caldear HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -acalorarse HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -heat_up HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -heat_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -chauffer HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -s'échauffer HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -se_réchauffer HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -heft MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -heft RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -heave_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -heft_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -hectograph INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hedge_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -equilibrar_riesgos REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -prestar_atención_a FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -heed FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -heel PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -heel INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -heel HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -heel REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -heel FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -reheel REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -taconear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -taconear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -list COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -list SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -list RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -list INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -talonar FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -sopesar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -intensifier INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -accroître INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -amolar SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -amolar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -amolar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -agudizar SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -agudizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -agudizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -agudizar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -aguzar SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -aguzar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -aguzar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -heliograph SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -helm DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -help_oneself ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -help_out HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -hem MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hem SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -hem_and_haw MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hemstitch SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -ribetear LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -ribetear SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -dar_la_tabarra CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ergoter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -nag CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -nag PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -hen-peck CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -chercher_la_petite_bête CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -chicaner CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -henna COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -worship LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -worship PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -worship APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -hero-worship LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -idolise LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -heroificar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -idolize LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -waffle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hesitate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -heterodyne GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -heterodino GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -tailler CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tailler SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hachar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hachar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -hew SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hew HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -équarrir SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hew_out SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hibachi COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -hibernate SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -hibernate REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -hole_up SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -hole_up SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -hole_up CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -hiberner SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -hiberner REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -hibernar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -hibernar SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -invernar SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -invernar SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -hipar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hiccough BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hiccup BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hide_out CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -dissimuler CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -cacher CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -high-tail LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -hightail LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -ir_de_excursión TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -dar_largas_caminatas TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hitch_up PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -hill SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hinge ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -engoznar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -hint SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sisear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sisear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sisear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -sizz MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sizz SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sibilate PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -sibilate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sibilate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -siss MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -siss SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chistar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whoosh FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -whoosh MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -whoosh MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -acertar ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -acertar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pip SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pip KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -pip DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -accumuler PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -accumuler SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -accumuler FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -accumuler DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -tenir_le_score SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -llevar_el_marcador SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -rack_up PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -rack_up SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -rack_up FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rack_up DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -tropezar_con MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -chutar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tustar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -strike_home AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -strike_a_note AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -hit_home AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -strike_a_chord AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -strike_a_chord AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -hit_it_up FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -ponerse_pedo FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -embriagarse FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -agarrar_un_tablón FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -hit_the_books STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -estudiarse STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -hit_the_dirt LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -hit_the_deck LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -hit_the_jackpot ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -luck_out ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -tener_suerte ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -hitchhike TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hacer_autostop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hive GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -hive RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -stack_away RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -conserver HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -conserver RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -stash_away RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -lay_in RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -store RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -garder RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -garder RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -hive_away RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -almacenar CONTAIN I-Location I-Value I-Beneficiary B-Location B-Value B-Beneficiary B-V I-V O -almacenar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -salt_away RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -pull_someone's_leg JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -gastar_una_broma JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -hoax JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -fresar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -fresar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -hob CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -hopple SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -hobnail LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -codearse BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -hobnob BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -cortar_el_corvejón HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -hock HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -hock SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -mettre_au_clou HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mettre_au_clou SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -empeñar SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -pawn SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -hoe EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -sachar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -cavar_con_azadón EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -azadonar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -acaparar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hog STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hog-tie STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hoist RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -enarbolar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -enarbolar CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -maintenir REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -maintenir RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -maintenir RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -keep_back REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -keep_back RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -tenir CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -tenir RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -take_hold CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -take_hold LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -prevaler EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -prevelecer EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -primar EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -hold_off WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -hold_off RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -attendre WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -hold_down RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -hold_down RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -mantener_controlado RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -hold_firm BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -mantenerse_firme BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -stand_firm BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -stand_firm RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -stand_pat BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -stand_fast BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -mantener_a_raya SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -mantener_a_raya RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -tener_a_raya RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -hold_one's_own EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -hold_one's_own MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -keep_open RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -hold_open RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -reservarse WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -reservarse RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -aguantarse WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -aguantar_firme RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -infundir_miedo ENDANGER I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hold_still_for TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -hold_sway LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -hold_water RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -stick_up ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -stick_up STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -hole HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -hole SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -hole_out SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -vacation TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pasar_las_vacaciones TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -holiday TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -vacacionar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -veranear SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -veranear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -holler_out SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -gritar_hola SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -holystone CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -home MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -home STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -home-school TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -range_in DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -home_in DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -zero_in ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -zero_in DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -homer SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -jonrón SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -homestead STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -homogénéiser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -homogénéiser COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -homogenize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -homogenize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -homogenise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -homogenise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -homologize MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -homologize COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -homologise COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -hone SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hone AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -piedra_de_afilar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -perfect AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -colocar_miel CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -honey CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -honeycomb HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -honeycomb AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -honeycomb CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -cribler HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -cribler AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -cribler CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -acribillar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -acribillar ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -acribar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -acribar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -honeymoon TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -reward GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reward STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -reward APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -encapotar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -hood DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -hoodoo EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -echar_el_anzuelo CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -hook_up JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -enarcar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -hoop SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -hoot MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ulular MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ulular CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -vacuum WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -vacuum-clean WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -pasar_la_aspiradora WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -passer_l'aspirateur WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -hoover WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -hop MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -hop JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -hop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hop GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hop-skip JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -sauter BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -sauter JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -subirse MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -subirse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -poner_a_punto ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -poner_a_punto AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -soup_up AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -hop_up AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -esperanzar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -cornear HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -dar_cornadas HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -horn HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -colmillo HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -fisgonear SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -fisgonear ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -fisgonear SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -olfatear SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -olfatear BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -olfatear FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -olfatear SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -husmear SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -husmear ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -husmear FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -husmear SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -pry SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -pry OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -pry ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -pry OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -nose SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -nose MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -nose DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -nose TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -nose SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -intrude SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -intrude VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -horn_in SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -horripilate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -horse LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -horse-race COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -horse-trade NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -horseshoe LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -horsewhip HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cravacher HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -lavar_con_manguera WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hose_down WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hose WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hospitalize SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -hospitalise SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -hospitalizar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -host HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -hot-dog PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -hacer_un_puente START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -hot-wire START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -hot-work SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hound CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -seguir_la_pista CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -hunt SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -hunt MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -hunt CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -hunt FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -hunt DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -hunt HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -seguir_la_huella CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -house-train TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -housebreak TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -housekeep MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -mantenimiento_del_hogar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -levitar FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -levitate FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -oscillate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -oscillate COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -vibrate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -vibrate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -vibrate COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -vibrate ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -estar_suspendido HANG I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -howl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -howl LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -howl CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -yaup CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -wail CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -yawl CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -ululate CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -wrawl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -reir_a_carcajadas LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -aullar_de_risa LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -huddle_together MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -hue COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -imbuir COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -imbuir WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -imbuir INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -teinte COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -colorearse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -snort MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -snort BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pegarse_a FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -hugger_mugger BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -tower OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -encumbrarse OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -torrar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -hulk OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -hull REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descascarar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tararear SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -bourdonner MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -humanize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -humanise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -humanizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -humanar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -humbug DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -humidificar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -humidify WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -moisturize WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -moisturise WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -humify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -humor SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -humour SATISFY_FULFILL I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -hunch BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -hunch_forward BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -hunch_over BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -tener_hambre HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pasar_hambre HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -buscar_refugio TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -refugiarse TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -track_down HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -hunt_down HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -dar_guiñadas FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -hurdle JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -lunge GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hurrah SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -travel_rapidly RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -zip CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -zip RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -meter_prisa OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -achuchar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -achuchar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pâtir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -penar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -souffrir HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -hacer_daño HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -arrojarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -arrojarse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -hush MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hush CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -hush WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -silence MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -silence STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -quiesce MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -quiet_down MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -apaciguarse MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pipe_down MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -serenarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -serenarse MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -desvainar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -husk REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -arramblar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -hydrate WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hydrogen-bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -hidrogenar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hydrogenate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hydrolize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -hydrolise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -hydrolyse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -hydrolyze DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -hydroplane MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -seaplane MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -sanitize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -sanitize HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -hygienise HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -higienizar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sanitise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -sanitise HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -hygienize HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -hymn PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -hymn SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_un_himno SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -chanter_un_hymne_à_la_gloire_de PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -chanter_un_hymne_à_la_gloire_de SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_las_alabanzas PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -cantar_las_alabanzas APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -hype PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -psych_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hype_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -hyperextend EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -hypertrophy UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -hyperventilate CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -hyperventilate BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hyperventiler CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -hyperventiler BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hiperventilar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hyphenate WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -hyphen WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -mesmerizar BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -hypnotize BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -hypnotise BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -hypophysectomize REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -hypophysectomise REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -hipofisectomizar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -hypostatise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -hypostatize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -hipotecar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -hipotecar LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -pignorar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pignorar GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -ice_skate MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -idealize IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -idealize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -idealise IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -idealise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -s'identifier MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -identificarse MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -stagnate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -gandulear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -gandulear STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -idle OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -idle STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -slug STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -slug HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -laze STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -tick_over OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -allumer BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -allumer OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -illuminer LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -illumine LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -illume LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -imbricar OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -imbricate OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -inmaterializar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -unsubstantialise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -unsubstantialize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immaterialise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immaterialize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immigrer ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -immigrer LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -immigrer SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -immigrate ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -immigrate LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -immigrate SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -inmigrar ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -inmigrar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -immobilizar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pin HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -pin ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -pin STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -inmolar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -immolate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -immunise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immunise PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -immunizar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -immunize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immunize PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -immuniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -immuniser PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -inmunizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vacciner CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vacciner TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -vacciner INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -vaccinate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vacunar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -inoculate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -inoculate TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -inoculate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -inoculer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -inocular CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -inocular INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -poner_en_tela_de_juicio FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -éjecter REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -éjecter MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -impend HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -cernerse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cernerse HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -hacerse_pasar_por DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -personate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -personate REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -impersonate PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -impersonate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -impersonate JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -inculcar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -inculcar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -compromettre IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -impliquer IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -incriminer IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -inculpate IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -import TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -import CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -import SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -spell ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -spell BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -spell WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -spell SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -spell SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -importune CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -levy CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -levy ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -paupériser STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -appauvrir STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -saturate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -saturate FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -saturar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -saturar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -instill INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -instill TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instill FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -tincture COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tincture FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -infuse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -infuse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -infuse INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -infuse FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -infuse TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -teinter COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -teinter FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -instiller INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -instiller TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instiller FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -print PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -print WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -print PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -print COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -imprimir PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -imprimir COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -imprimir PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -imprimir GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -imprimir PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -estampar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -estampar PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -estampar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -yarn-dye COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -shanghai REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -démentir FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -contester FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -impugn FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -impulse-buy BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -inaugurar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -inaugurar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -kick_off BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -inaugurate BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -usher_in BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -incandesce BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -incarnadine COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -incise CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -sajar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -hacer_una_incisión CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -instigate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -instigate PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -slope INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -increase INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -inculcate TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -inbuir TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instilar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -instilar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -incurrir RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -incurrir AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -incurvate BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -indentar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -indentar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -indenture OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -index ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -index LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -index SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -indexar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -indexar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -indexer LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -indizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -formular_cargos ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -encausar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -indict ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -personalize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -individuar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -individuar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -individuar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -individualizar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -individualizar RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -individualizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -individualizar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -personalise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -individualize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -individualize DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -individualise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -individualise DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -individuate RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -individuate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -endoctriner TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -indoctrinate TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -adoctrinar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -catéchiser TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -indoctrinar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -induct AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -induct MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -induct TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -induct ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -seat LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -seat LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -seat HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -seat ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -seat PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -abandonarse_a_algo CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -luxuriate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -luxuriate BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -luxuriate ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -industrializar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -industrializar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -industrializar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -industrialize AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -industrialize ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -industrialiser AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -industrialiser ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -industrialise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -industrialise ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -indwell LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -emborrachar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -infatuate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -infatuar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -infect TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -infect AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -infect CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -inficionar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -impurificar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -colegir BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -infest BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -infest COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -infest ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -infiltrate PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -infiltrate DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -infiltrate VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -infiltrarse PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -infiltrarse DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -infiltrarse VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -infiltrar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pass_through TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pass_through MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pass_through VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -infijarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -prenderse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -inflect CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -inflect CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -modulate ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -modulate CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -modular ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -modular CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -moduler ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -moduler CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -pasar_información INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -inform GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -inform INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -dar_información INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -infuscate COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -infuser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -reiterate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -iterar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -restate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -ingeminate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -iterate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -ingratiate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -congraciarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -inhere EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -inherit OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -suscribir FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -suscribir WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -initial WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -inicializar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -innovar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -innovar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -dar_inicio ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -pioneer ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -pioneer SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -incoar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -incoar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -lead_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -inyectar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -inyectar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -inyectar_suero INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -inyectarse INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -dar_una_inyección INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -blesser HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ink COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ink WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -ink FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -signar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -entintar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -inlay EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -inmarry ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -innerver LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -innerver AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -innervate LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -innervate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -inervar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -innovate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -input INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sow_in GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -sow GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -sow BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -sow INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -slip_in INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -introducir_subrepticiamente INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -inset PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -s'obstiner BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -insister BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -persister BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -take_a_firm_stand BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -persévérer BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -s'acharner BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -solariser SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -solariser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -asolear SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -insolate SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -solarise SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -solarise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -solarize SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -solarize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sun SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -solear SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -uncir SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -uncir JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -inspan SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -enyugar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -enyugar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -acoyundar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -révolutionner TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -révolutionner CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -revolutionise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -revolutionise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -revolucionar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -revolucionar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -revolucionar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -revolutionize OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -revolutionize TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -revolutionize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -inspirit AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -spirit_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -spirit AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -espesar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -espesar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -thicken CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -thicken AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -inspissate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -inspissate AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -densificarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -espesarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -densificar AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -instantiate REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -instantiate FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -instancier REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -crear_una_instancia REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -instil INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -infundir INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -aleccionar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -enseigner TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -teach TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -instrument LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -instrument CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -instrument SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -instrumentar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -instrumentar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -instrumentar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -instrumentar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -instrumento CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -instrumentate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -insuffler INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -insuffler BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -insufflate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -insufflate BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -insulate ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -insulate PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -isolate TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -isolate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -isolate ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -isolate OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -significare MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -querer_decir MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -signifier MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -vouloir_dire MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -signify SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -signify MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -tratar_de_decir MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -avoir_l'intention PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -projeter PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -projeter SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -proponerse PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -proponerse DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -interact BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -interactuar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -interaccionar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -relacionarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -relacionarse BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -intercalate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -intercepter CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -matter_to EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -intéresser CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -interfere INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -interfere PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -intervene ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -intervene PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -intervene HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -interiorize KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -interiorise KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -interiorizar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -internalize KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -internalise KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -interlock TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -interlock STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -interlock ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -interlard ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -intersperse ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -interfoliar ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -interfolier LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -interfolier ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -interleave LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -interleave ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -entrelazarse TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -interlope VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -interlude PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -intermarry ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -intern CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -intern WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -hacer_el_internado WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -internationalize LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -internationalize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -internacionalizar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -internacionalizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -internationaliser LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -internationaliser CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -internationalise LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -internationalise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -interpellate ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -interpenetrarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -interponerse INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -read TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -read CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -read INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -read RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -read STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -read HEAR_LISTEN I-Experiencer I-Stimulus I-Source B-Experiencer B-Stimulus B-Source B-V I-V O -read UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -read READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -read INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -traducir TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -traducir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -traducir CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -traducir UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -translate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -translate TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -translate IMPLY I-Cause I-Topic I-Recipient B-Cause B-Topic B-Recipient B-V I-V O -translate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -translate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -translate CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -translate VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -translate UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -interpréter TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -traduire TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -interrelacionarse CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -emparentar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -emparentar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -interrelacionar CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -interrelate CORRELATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -interrogate TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -interrogate ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -interstratify ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -tat WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -interview ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -interview DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -entrevistar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -entrevistar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -interweave WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -weave TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -weave WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -intimidate CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -intimidate OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -preface PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -introducer PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -premise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -premise PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -premise SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -introject LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -introspect THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -invaginate INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -invaginate INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -invaginar INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -introvert INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -entrer_sans_permission BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -entrer_sans_permission OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -entrer_sans_permission VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -trespass BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -trespass OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -trespass VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -obtrude PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -obtrude VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -intuit UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -swell_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -swell CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -swell BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -swell INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -swell FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -tumefy INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -tumesce INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -expandirse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -expandirse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -invaginarse INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -intussuscept INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -despotricar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -stock-take RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -inventariar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -take_stock ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -take_stock RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -inventory RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -invert INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -poner_al_revés INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -renverser INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -proctor WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -invigilate WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -tonificar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -tonificar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -reinvigorate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -pay_for HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -invoice SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -enredarse CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -enredarse CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pringarse CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -pringarse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -inweave WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -iodinate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -iodise TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -yodar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -iodize TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ioder TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -yodurar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ionizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ionizar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -ionate ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -ionise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ionize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ioniser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -iridesce LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -iron PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -iron_out SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -iron_out PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -planchar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -poner_a_raya SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -put_right SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -ray EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -ray SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -ray COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -irrigate WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -irriguer WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -water NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -water WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -water EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -irrigar WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -irrigar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enconar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -islamiser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -islamiser HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -islamise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -islamise HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -islamize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -islamize HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -islamizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -islamizar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -island_hop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sequestrate ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -sequestrate TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -keep_apart TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -poner_aparte TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -segregar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -segregar DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -segregar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -segregar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -segregar TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -segregar FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -mantener_aislado TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -isomerize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -isomerise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -isomerizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -escribir_en_itálica PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -italicize PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -italicise PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -itch TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -itch HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -itch REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -restregar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -restregar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -gratter TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -frotar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -frotar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -itinerate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -poignarder CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -delirar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mouth_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rabbit_on SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -jabber SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rant SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -valet RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -valet WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -valet HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -jack_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -jack RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -jack HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cazar_con_farol HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -jacklight HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -enchaquetar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -jacket DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -jacket COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -enchaquetarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -jackknife DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -jackrabbit GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -jag SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -throng AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -mob AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -apelotonarse AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -apretujarse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -apretujarse AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -hacer_un_ruido_metálico MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -jingle-jangle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -jingle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -jangle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -japan COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -jolt CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -jolt MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -jaundice WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -jaundice HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -jaunt TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -yack SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -yack_away SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -yap_away SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rattle_on SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -jawbone SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -schmooze SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shmoose SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -schmoose SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shmooze SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -jaywalk OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -pasarse_el_semáforo OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -jellify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -convertir_en_jalea CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -gelatinizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -jelly CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -dar_un_tirón PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -dar_un_tirón EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -tirar_de OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -tirar_de PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -yank PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -tironear MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -tironear PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -jest BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -jest JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -joke BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -joke JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -plaisanter JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -bufonearse JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -blaguer JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -volar_un_jet FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -jettison DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -jettison THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -jig DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -joggle SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -joggle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -wiggle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -contonear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -jiggle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -jilt GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -jimmy OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -gafar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -aojar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -jitterbug DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -jive DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -chupar_del_bote BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -trabajar_esporádicamente WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -hacer_footing TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hacer_jogging TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hacer_jogging MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ramble_on SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -join_battle BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -whoop_it_up CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -jollify CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -jaranear CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -make_merry CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -racket CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -racket MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -racket HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -make_whoopie CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -make_happy CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -jostle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -shove PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -shove MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -empellar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -jot WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -jot_down WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -voyager TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -journey TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -justar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -joust FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -tool_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tool LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tool WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -tool TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -joyride TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -volver_a_casarse CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -volver_a_casarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -judder MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -label NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -label DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -label ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -label DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -cocer_en_barro COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -hacer_juegos_malabares PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -hacer_malabarismos PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -julienne CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -relancer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -relancer BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -relancer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -relancer START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -jump-start BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -jump-start START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -jumpstart BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -jumpstart START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -hacer_saltar JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -jump_out EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -sursauter JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -jump_off BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -jump_off JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -se_lancer JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -skip_over MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -junk DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -trash DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -trash CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -desguazar DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -desguazar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -ir_de_gira TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ir_de_gira VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -junketeer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -vindicate ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -vindicate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -proyectarse BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -exceler BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -jut_out BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -protruir BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -jut BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -juxtapose BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -juxtaposer BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -yuxtaponer BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -kayak MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir_en_kayak MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -dejar_sin_sentido KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -knock_out CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -knock_out DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -knock_out CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -knock_out EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -knock_out KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -dejar_inconsciente KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -knock_cold KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -kayo KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -noquear KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -keel_over FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -keen CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -se_lamenter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -protéger PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -entretenir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -entretenir RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -stay_fresh REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -conservarse REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -guardarse REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -guardarse ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -mantenerse_fresco REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -empêcher PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -entrabar PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -faire_obstacle_à PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -keep_away DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -avasallar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -subjugate SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -keep_down SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -keep_down PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -keep_down RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -sojuzgar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -repress SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -repress STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -repress RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -repress CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -run_on SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -run_on CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -patronage FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -patronage ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -stand_guard WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -keep_guard WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -mantenerse_alerta WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -montar_vigilancia WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -stand_watch WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -montar_guardia WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -hacer_guardia WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -stand_sentinel WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -keep_in STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -keep_note REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -stay_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -stay_away ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -mantener_distancia ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -keep_one's_eyes_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -mantenerse_alejado ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -keep_one's_distance ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -stand_back ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -stand_back STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -keep_one's_hands_off ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -keep_one's_eyes_skinned WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -keep_one's_eyes_peeled WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -keep_one's_eyes_open WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -keep_one's_mouth_shut ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -keep_quiet ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -shut_one's_mouth ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -keep_one's_nose_to_the_grindstone WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -keep_one's_shoulder_to_the_wheel WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -peg_away WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -plug_away WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -plug_away CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -trabajar_duramente WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -keep_step REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -keep_pace REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -keep_tabs_on WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -keep_to_oneself ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -keep_to_oneself CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -keep_track INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -quedarse_despierto AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -quedarse_despierto LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -mantener_despierto AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -quedarse_levantado AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -kennel PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -keratinise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -keratinise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -queratinizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -keratinize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -keratinize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -créner REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -créner LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -kern REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -kern LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -proveer_de_granos LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -dar_llaves LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -keynote EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -keynote SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -central SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -kibitz CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -kibbitz CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -patalear RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -zapatear RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -zapatear DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -patear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -kick_back PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -kick_back DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -dar_un_impulso START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -kick-start START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -kick_about EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -dar_una_patada OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -kick_down OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -set_in ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -set_in BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -set_in AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -pull_the_leg_of JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -stamp_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -buter KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -tuer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -occire KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -liquider KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -faire_la_peau KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -kill_oneself TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -matarse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -overexert_oneself TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -kit_out LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -kit LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -kit_up LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -volar_como_cometa FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -kite FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -kite FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -kite STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -milan FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -milan FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -milan STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -volar_una_cometa FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -kitten GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -parir_gatitos GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -rap TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -rap PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rap SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -knead TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -knead SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -massage TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -massage SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -masajear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -masajear SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -kneecap HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -kneel LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -arrodillar LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -knell PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -knell MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tocar_a_difuntos MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -knife CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -soldarse SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -tricotar SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -pink TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -pink MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pink CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -strike_hard HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -golpear_con_fuerza HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ping MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ping COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -ping HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ping SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -knock_back COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -put_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -put_back COST I-Theme I-Value I-Beneficiary B-Theme B-Value B-Beneficiary B-V I-V O -shave TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -shave CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -shave REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -dejar_pasmado CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -quedar_pasmado CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ravel SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ravel COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -enrevesar COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -knot SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -knot WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -knot COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -estar_seguro_de KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -knuckle THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -knuckle PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -marquer ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -étiqueter NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -étiqueter ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -labialise PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -labialize PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -labializar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -lace_up SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -lam_into HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -lace_into HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pitch_into HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tear_into HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -lay_into HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -lacerate CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -lacerate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -lack MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -carecer MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -carecer_de MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -faltar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -lacquer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -laquer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -lacar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ladder BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -lade REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -lade FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ladle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ladle PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -laden REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -laden FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -load_up FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -laicize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -laicizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -laicise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -parir_un_cordero GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -lamb GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -laminar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -laminar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -laminate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -laminate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -laminate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -plastifier COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -satirize JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -lampoon JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -satirise JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -lance HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -lance OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -lance RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -alancear HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -lancear HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -atterrir LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -terrir LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -desemarcar LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -se_poser LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -assolir LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -shore ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -shore LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -shore STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -set_ashore LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -landscape EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -ajardinar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -pine_away WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -lap MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -lap OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -lap EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -lap TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -lap FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -lave FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -lave WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sober CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sober HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sober EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -lamer TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -lamer EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -lap_up EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -dar_langüetazos TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -lamber TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -langüetear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -swoosh MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -chapalear WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -chapalear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -swosh MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -swish MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -superponerse OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -lapidate THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -lapidate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -lapidar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -stone REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -stone KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -apedrear KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -lapider THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -lapider KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -petrificarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -petrificar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -petrificar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -lapidify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -lapidificar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -petrify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -petrify STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -caer_en CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mechar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -spank HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -larrup HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -nalguear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -lash_together SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -lazar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -lazar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -lacear CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -rope CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -rope SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -lasso CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -outride OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outride DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -last_out OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -ride_out OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -latch SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -lateralize MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -jabonarse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -enjabonar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -enjabonarse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -jabonar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -soap WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -latiniser TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -latiniser WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -romanise WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -romanizar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -latinizar TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -latinizar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -romanize WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -laugh_off LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -laugh_away LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -reírse LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -tomarse_a_risa LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -set_in_motion BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -poner_en_movimiento BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -launder CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -launder WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lessiver WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -laver WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -se_laver WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lavish GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -shower LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -shower METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -shower THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -shower WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -shower GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -lay PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -lay GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -lay OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -lay PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -hacer_responsable OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -position PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -mettre PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -posar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -posar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -repose PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -repose LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -repose INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -poner_huevos GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -lay_aside RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -save_up RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -épargner ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -épargner RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -lay_hands_on OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -lay_on_the_line RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -put_on_the_line RISK I-Agent I-Theme I-Goal I-Attribute B-Agent B-Theme B-Goal B-Attribute B-V I-V O -disposer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -agencer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -installer PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -superponer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -superposer OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -superposer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -superimpose COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -lay_over LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -lay_over COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -superpose OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -superpose COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sobreponer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -stop_over STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stop_over LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -lay_up RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -layer OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -leach SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -leach REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -leach PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -percolar PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -ir_a_la_cabeza OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -ir_en_cabeza OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -mislead DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -mislead DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -despistar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -despistar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -misguide INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -misguide DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -league ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -leak SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -leak PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -leak SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -leak FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -leak_out PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -recostar INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -reclinar INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -apoyarse STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -apoyarse INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -lean_on STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -lean_against STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -reclinarse BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -lean_back BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -recline INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -recline BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -recline LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -leapfrog JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -étudier WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -étudier STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -leash SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -leather HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -agarrar_a_correazos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -leave_alone LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -leave_behind LEAVE-BEHIND I-Theme I-Source I-Goal B-Theme B-Source B-Goal B-V I-V O -leave_no_stone_unturned SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -leave_office RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -leaven INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -leudar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -lust_after REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -lech_after REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -lujuriar REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -dialogar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -leech_onto LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -legislate AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -prestarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -prêter LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -loan LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -lengthen INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -alongar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -subside FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -subside REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -subside LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -loose_off SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -let_drive SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -let_fly SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -let_go EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -let_go LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -let_go_of LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -dejar_ir LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -let_it_go ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -unleash LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -letter WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -letter WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -letter PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -letter_bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -levant LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -level_off FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -apalancar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -apalancar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -leverage LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -leverage ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -lexicalize CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -lexicalizar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -lexicaliser CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -lexicalise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -libel OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -liberalise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -liberalise LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -liberalize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -liberalize LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -libéraliser AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -libéraliser LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -set_free LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -librate MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -librate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -reposer LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -se_trouver LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -s'allonger LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -lie_down LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -hallarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -lie_about EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -lie_around EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -lie_awake LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -yacer_despierto LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -lie_dormant STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -se_terrer CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -lie_low CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -lifehack AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rustle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rustle FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -rustle STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -plagiarise STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -plagiarize STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -plagiar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -lift_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -levantar_vuelo LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -scoop_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -scoop_out CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -lift_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -évider REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -évider CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -scoop_up REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ligate ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -ligate JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -iluminarse LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -transportar_en_chalana CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -lighter CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -lignify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -plaire LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -agréer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -lilt PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -limber_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -limber_up JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -limber UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -limber JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -warm_up HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -warm_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -warm_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -abonar_con_cal COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -forrar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -forrar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -run_along LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -line_one's_pockets EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -queue SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -queue_up SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -linearise STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -linearize STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -yoke JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -enyuntar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -lip-read READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -leer_los_labios READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -lipread READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -speech-read READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -lip-synch MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -lip-sync MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -shoot_one's_mouth_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -lip_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -lipstick PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -lipstick EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -rouge_à_lèvres PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -rouge_à_lèvres EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -pintarse_los_labios EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -liquidise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -liquidize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -liquidize SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -sell_out INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sell_out SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -sell_up SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -cecear PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -lisp PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -listar COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -listar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -lister RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -literalise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -literalize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -lithograph CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -litografiar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -litter DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -litter GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -litter COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -unlive CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -live_down CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -sleep_in SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -sleep_in STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -ser_interno STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -live_in STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -live_it_up ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -live_out EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -live_out WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -sleep_out WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -live_over UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -relive UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -load_down FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -lob HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -localizarse BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -situer BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -situarse BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -afincar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -afincar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -traslladar-se STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -locate BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -locate FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -locate STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -site BE-LOCATED_BASE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -enrigidecer STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -candar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -coffrer CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -lock_in CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -lock_in RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -enfermer CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -shut_away CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -lock_up CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -lock_up SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -écrouer CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -interner CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -lock_away CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -seal_in RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -cerrar_la_puerta PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -lock_out PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -lodge_in STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -loft PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -loft SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -loft RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -loft HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -liftar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -log CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -log RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -maderar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tronzar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -lumber CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -lumber TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -log-in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -log_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -log_on ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -log_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -log_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -logroll CORRUPT I-Agent I-Patient I-Result I-Value B-Agent B-Patient B-Result B-Value B-V I-V O -caminar_desgarbadamente MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -lollop MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -sondear_buscando SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -verse CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -verse LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -verse SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -look_out_over ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -look_across ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -look_out_on ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -cuidar_de WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -look_after WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -look_around SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -look_away SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -desviar_la_mirada SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -look_back REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -look_back SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -look_backward SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -retrospect REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -look_down_on DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -chercher SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -rechercher SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -look_forward WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -asemejarse MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -asemejarse SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -look_like SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -asemejar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -poner_atención WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -poner_atención PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -look_out WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -look_out PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -watch_out WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -mirar_por FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -asomarse APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -loosen LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -loosen STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -loosen REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -loosen UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desapretar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -tease_apart STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -undo SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -undo FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -undo UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -undo RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -undo STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -détacher UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desabrochar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desabrochar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -défaire UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -défaire STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -untie LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -untie UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desamarrar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unlax MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -make_relaxed MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -unstrain MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -unstuff UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -lope RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -lord ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -investir_caballero ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -misplace PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -mislay PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -turn_a_loss FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -perdre LOSE I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -perdre FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -lose_sight_of SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -lose_track FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -bajar_peso REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -maigrir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -perder_peso REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -amincir REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -affiner REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slim REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -melt_off REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slenderize REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -adelgazarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -lose_weight REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -enflaquecer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -adelgazar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slim_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -louden INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -arrellanado LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -empoltronarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -amar LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -low MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -moo MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -mugir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -lowball CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -underestimate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -underestimate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -subestimar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -subestimar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -subestimar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -lube PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -lubricar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -lubricar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -lubricate EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -lubricate PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -lubrifier PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -lubrificar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -luck_it RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -luck_through RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -probar_fortuna RELY I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -luff MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -luff DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -barloventear GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -barloventear DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -orzar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -tote CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -luge MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -toboggan MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -luminesce LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -lunch NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -lunch EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -almorzar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -cambiar_de_dirección GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -dar_una_sacudida GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -skunk DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -aguaitar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -prowl PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -prowl TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -skulk ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -skulk TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -skulk CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -lustrate DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -wanton BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -wanton CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -wanton SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -wanton EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -wanton COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -lynch KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -lyncher KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -linchar KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -lyophilise DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -liofilizar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -lyophilize DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -lyric CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -escribir_poemas CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -lysogenize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -macadamize PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -macadamise PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -macadamiser PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tarmac PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -machicolate LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -machine AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -machine SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hacer_a_máquina AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -machine-wash WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -machine_wash WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lavar_a_máquina WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -ametrallar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -machine_gun SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -macrame WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -hacer_macramé WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -madder COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -madrigal SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_madrigales SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -imantar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -enviar_por_correspondencia SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -mail_out SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -enviar_por_correo SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -maim HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -mainline INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -pincharse INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -inyectarse_en_vena INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -chutarse INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -major STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -ser_la_esencia_de INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -make_believe PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -lograr_llegar REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -orinar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -hacer_aguas_menores EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -piddle SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -piddle EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -uriner EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -make_water EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pee EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pee-pee EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -hacer_pis EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -micturate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -urinate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -lâcher_de_l'eau EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -wee EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -piss EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -relieve_oneself EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -hacer_pipí EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -mear EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -wee-wee EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -hacer_un_río EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pisser EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -take_a_leak EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -faire_pipi SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -faire_pipi EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -lansquiner EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pass_water EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -spend_a_penny EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -dar_el_éxito GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -garantizar_el_éxito GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -seducir HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -seducir COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -seducir PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -seduce COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -seduce PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -make_a_motion PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -presentar_una_moción PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -make_sure CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -make_a_point CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -make_a_stink OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -raise_hell OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -raise_a_stink OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -make_as_if BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -make_good CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -make_hay BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -make_no_bones_about RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -ruido MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -make_noise MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -noise MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -besuquearse TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -besuquearse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -acariciarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -neck HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -retread REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -retread USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -rework USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -make_over RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -make_over USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -rechaper REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -rechaper USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -rehacer MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -rehacer RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -rehacer USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -refashion RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -remake RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -redo MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -redo RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -refaire MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -refaire RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -make_pass OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -make_peace SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -make_unnecessary RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -maquillarse EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -make_vibrant_sounds MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -make_way MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -malfunction BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -misfunction BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -malinger ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -undernourish NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -malnourish NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -malt CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -malt CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -malt TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -malter CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -malter CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -malter TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -maltear CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -bailar_mambo DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -mambo DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -man LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -man WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -supervisar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -oversee WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -superviser WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -superintend WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -supervise WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -encadrer WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -mandate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -mandate OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -planchar_con_máquina PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -maul CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -maul HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -manhandle TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -maltraiter TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -hacer_la_manicura EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -manicure EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -hacer_manicura EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -manucurer EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -manifiesta APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -manifold INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pull_strings DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -pull_wires DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -rig LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -rig SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -rig FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -mantle COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -muck REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -muck DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -muck COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -manure COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -estercolar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -map SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -map PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -map APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -map REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -map FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -dibujar_el_mapa SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -hacer_un_mapa SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -map_out PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -mapquest SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -maraud STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -marmolear PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -marble PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -marbleize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -marbleise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -marcel EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -trancar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -marginalize DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -marginalise DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -marinate DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -escabechar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -marinar DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -marinade DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -pock HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -scar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pit REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pit HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pit FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -nock CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -racler CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -darse_cuenta PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -remarquer PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -remarquer SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -note WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -note SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -note PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -note SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -mark_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mark_out PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -mark_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -mercadear SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -maroon ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -maroon GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -unir_en_matrimonio EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -splice EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -splice WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -splice JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -marshal PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -marshal EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -marshal SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -martyrize HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -martyrise HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -martyr HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -martyr KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -marvel CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -maravillarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sorprenderse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -masculiniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -masculinise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -virilise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -masculinize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -virilize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -salsear COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -salsear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -masquerade DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -enmascararse DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -mass GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -mass-produce MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -massacre KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -mow_down KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -medirse_con FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -play_off FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -matricularse RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -matriculate RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -ripen GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -divaguer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -mascujar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mussitate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -musitar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -decir_entre_dientes SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -barbotar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -max_out REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -llegar_al_tope REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -maximizar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -maximizar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -maximise BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -maximise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -maximize BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -maximize INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -arremolinar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -meander TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -measure_out MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -mesurar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -mensurate MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -dosar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -cuantificar COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -cuantificar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -quantify COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -quantify MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -mensurar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -licenciarse EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -measure_up EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -mecanizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -mecanizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mechanise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -mechanise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mechanise AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mechanize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -mechanize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mechanize AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mécaniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -motorise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -motorizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -motorize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -motoriser LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -injerirse VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -meddle VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -medicar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -medicinar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -medicate HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -medicine HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -conocerse KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -meet_up_with MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -melanizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ablandarse GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -ablandarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mellow GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -mellow CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -mellow REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mellow_out CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -suavizarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -melodize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -melodise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -melt_down CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -signaler SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mentor TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -mayar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -mew MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -miauler MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -maullar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -meow MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -merceriser LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -mercerize LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -mercerise LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -mercerizar LIGHTEN I-Agent I-Patient I-Extent B-Agent B-Patient B-Extent B-V I-V O -merchandise SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -fusionner COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unificarse COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -compenetrarse BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -mess MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mess EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -comer_el_rancho EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -comer_rancho EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mess_around WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -muck_about WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -monkey_around WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -putter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -putter WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -muck_around WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -potter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -potter WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -ruffle_up MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -despeinar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -message SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -enviar_un_mensaje SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -metabolize MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -metabolizar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -metabolise MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -metal COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -metalizar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -métalliser COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -metalize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -metallize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -transform CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transform CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transform CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transmute CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transmute CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -trasmutar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -metamorphose CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -metamorfosearse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -métamorphoser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transmogrify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -metastasize CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -métastaser CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -metastasise CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -metastatizar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -metastasear CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -effectuer_l'analyse MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -metrify CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -metrify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -metricize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -metricize MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -metricise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -metricise MEAN I-Theme I-Co-Theme B-Theme B-Co-Theme B-V I-V O -metricate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -mewl CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -whimper CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -pule CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -miaou MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -miaow MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -micro-onder COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -micro-cook COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -microwave COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -hornear_en_microondas COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -calentar_en_microondas COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -microcopy COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -microfilmar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -microfilm RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -middle PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -miff CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -migrate GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -migrar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -transmigrate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -transmigrate GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -enmohecerse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -mildew SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -militariser CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -militarize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -militarizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -militarise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -militate OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -milk BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -milk ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -milk EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -echar_leche ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -ordeñar BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -ordeñar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -traire EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -mill BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -mill TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -mill SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -mill CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -cribar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -cribar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -cribar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -cribar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -arremedar SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -mime SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -mime SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -mimic SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pantomime SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -mimeo INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -mimeograph INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -mince CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -mince REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mince TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -desmenuzar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -hacher CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -caminar_con_afectación TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -estar_ofendido OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -estar_molesto OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -mine PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -mine EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extraer_minerales EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -minéraliser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -mineralize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -enzarzarse PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -enzarzarse QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -miniar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -rubricate PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -rubricate WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -rubricate EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -rubricate RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -rubricar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -rubricar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -miniate PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -miniaturizar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -miniaturise PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -miniaturize PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -minister HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -minister WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -prêtre HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -prêtre WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -pastorear WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -pastorear ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -pastorear WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -minstrel CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -mud DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -mud COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -embarrarse DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -mirror REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -mirror SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -misaddress MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -aconsejar_mal INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -dar_mal_consejo INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -misadvise INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -misalign ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -aliarse_mal ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -misally ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -misapply APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -misdemean BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -misbehave BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -misconduct BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -misconduct MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -misbelieve BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -misestimate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -misestimate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -calcular_mal CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -miscalculate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -miscalculate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -miscall NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -misname NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -malparir EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -miscast CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -miscegenate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -mismanage MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -miscount COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -miscreate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -misdate LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -misdeal CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -repartir_mal GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -misdeliver GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -entregar_mal GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -misdo MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -fastidiarla MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -misfire FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -calibrar_incorrectamente MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -misgauge MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -misgive CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -misgovern LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -misidentify MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -desinformar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -misinform DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -misread READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -misread INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -misjudge SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -malcasarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -mismarry ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -mismatch MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -mismate BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -percibir_mal PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -misperceive PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -misplay PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -misplay PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -imprimir_mal PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -misprint PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -misspeak PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -mispronounce PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -misquote SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -misremember REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -louper MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -rater MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -añorar REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -añorar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -extrañar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -deletrear_mal SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -misspell SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -misspend SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -misspend WASTE I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -misstate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -mist_over COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -mistime MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -traducir_mal TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -mistranslate TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -miter ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -miter MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -miter JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -otorgar_una_mitra ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -hacer_ingletes MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -barajar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -shuffle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -shuffle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -shuffle GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -stump REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -stump CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stump TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -escarnecer JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -mock_up MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -model PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -model MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -model SIMULATE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -model WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -tomar_como_modelo PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -inspirarse_en PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -pattern PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -pattern SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -posture BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -posture WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -overhaul AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -overhaul OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -reacondicionar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reacondicionar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -remojarse WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -remojarse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -monetize AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -monetise AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -monetizar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -mestizar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mongrelise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mongrelize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -monitor WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -surveiller WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -soliloquiar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -soliloquise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -monologuise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -monologar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -soliloquize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -monologuize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -monopolise MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -monopolise POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -monopolizar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -monopolizar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -monopolize MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -monopolize POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -monumentalise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -monumentalize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mostrar_el_culo SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -moon_around EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -moon_around EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -moon_on EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -musarder_en_rêvassant EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -musarder_en_rêvassant EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -estar_abatido EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -estar_deprimido EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -mope EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -mope TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -moon_about EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -estar_pluriempleado WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -moonlight WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -moonshine MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -amarrer SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -mouiller SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -mop FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -mop WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -wipe_up WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -trapear WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -hacer_pucheros FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -worst DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -despepitar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -despepitar DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -hacer_papilla DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -mope_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -moralise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -moralise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -moralise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -moralize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -moralize INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -moralize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -sermonize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -preachify SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -moralizar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sermonise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -morph CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -morph SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -mortar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -argamasar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -mortgage LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -cerrar_con_pestillo JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -mortice HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -mortice JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -mortise HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -mortise JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -machihembrar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -mortaiser HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -mortaiser JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -bailar_slam DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -slam_dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -mosh DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_estilo_mosh DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -mothball RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -mothproof PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -parti-color COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -motley COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -motley DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -variegate DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -diaprer DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -andar_en_lancha MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -motorboat MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -mound SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -mound_over MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -mound_over AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -engastar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -mountaineer RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -mourn BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -mourn CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -llevar_duelo BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -pasar_la_boca TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -mouth TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -mouth SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -veerbalizar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -enternecer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enternecer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -enternecer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mudarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -reuvbicarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -move_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -move_around OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -se_déplacer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -se_déplacer OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -move_back_and_forth GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -move_in_on CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -move_in_on MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -move_involuntarily MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -move_reflexively MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -move_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -move_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -pass_across TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -transitar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -move_through TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -transit TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -transit LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -transit TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -muckrake SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -enlodar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enlodar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -mud-wrestle FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -luchar_en_lodo FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -mudwrestle FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -charco CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -encharcar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -puddled_mire CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -muddy DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enlodazar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enfangar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -muddy_up DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -mug STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -mulch COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -espiciar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -procreate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -reproducirse TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -reproducirse GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -reproducirse HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -reproduce SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -reproduce GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -reproduce REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -reproduce COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -multiplier INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -munition LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -murk DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -muscle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -muscle_into ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -mushroom GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -mushroom INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -buscar_setas GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -muss MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -tussle FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -tussle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -mutate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mutar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -mutiny OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -mistificar COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -mitificar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mitificar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mythicise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mythicise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mythicize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mythicize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -mythifier APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mythifier INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -elevar_a_mito APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -convertir_en_mítico APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mythologize CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -mythologize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mythologise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -mythologise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -mitologizar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -harceler PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -peg HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -peg ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -peg SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -peg COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -pinpoint DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -identificar_exactamente DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -peg_down DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -peg_down SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -fixer_avec_des_piquets DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -fixer_avec_des_piquets SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -narrow_down DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -narrow_down FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -pin_down DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -pin_down CAGE_IMPRISON I-Agent I-Theme I-Destination I-Cause I-Extent B-Agent B-Theme B-Destination B-Cause B-Extent B-V I-V O -pin_down ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -namedrop CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -narcotize GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -narcotise GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -narcotizar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -chivar INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -narrate LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -narrate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -raconter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -conter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -narrer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -recount COUNT I-Agent I-Theme B-Agent B-Theme B-V I-V O -recount SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -nasale SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -nasalize PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -nasalise PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -nasaliser PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -nasalizar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -nationalise COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -nationalise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -nationalize COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -nationalize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -nationaliser COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -nationaliser CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -nacionalizar COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -naturalizarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -causar_náuseas CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -turn_one's_stomach CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfermarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -enfermarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -dar_náuseas CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -nausear CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -nausear HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -navigate ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -navigate GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -navigate DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -voyage GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -navegar_a_vela GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -sail MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -sail TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sail GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -nazify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -neutralizarse CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -neutralizarse COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -délaisser MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -négliger MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -talk_terms NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -negotiate NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -negotiate OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -nicker MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hennir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whinny MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whicker MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -neigh MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -relinchar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -neighbor BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -voisin BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -neighbour BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -nerve PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -steel COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -steel PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -anidar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -anidar STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -buscar_nidos GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -reunir_nidos GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -web SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -nett CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -redar HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -net_fish HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -urticate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -network COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -nibble EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -dentellear EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -hacer_una_muesca CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -snick CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -snick HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -cortar_ligeramente CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -acoplarse HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -niquelar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -nickel COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -nickel-and-dime CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -nickel-and-dime AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -tacañear CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -penny-pinch CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -twinge HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -twinge PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pellizcar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pellizcar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pellizcar PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -pellizcar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -tweet MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tweet PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -nitpick CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -chinchorrear CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -nitratar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nitrate TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nitrifier CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -nitrifier TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nitrogenize TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nitrogenise TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nitrify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -nitrify TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nitrificarse TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nitrificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -nitrificar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -nod SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -nod EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -nod SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -nod MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -asentir_con_la_cabeza SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -nolle_pros STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -nol.pros. STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -nolle_prosequi STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -noose SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -normaliser ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -renormalize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -normalizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -normalizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -renormalise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -normalise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -normalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -hocicar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -hocicar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -aromar ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -aromar SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -scent ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -scent SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -olisquear FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -olisquear SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sniff_out FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -scent_out FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -nose_out FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -smell_out PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -smell_out FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -oler ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -oler FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -oler SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -nosedive FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -snack EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -nosh EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -grignoter EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -notarise VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -escriturar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -notarize VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -notate WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -notch CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -notch RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -hacer_muescas CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -entallar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -entallar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -entallar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -take_note SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -novate RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -nucleate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -nudge TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -nudge INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -golpear_suavemente TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -dar_un_codazo TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -poke_at TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -numerar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -numerar READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -buscar_nueces GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -nut GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -nutate MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -o.d. HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -overdose HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -obey OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -obfuscate COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -object REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -object CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -objecter CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -obliga_a OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -obsolesce SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -obstinate CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -obstinarse CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -obstipate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -estar_muy_estreñido HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -push_out PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -lanzar_fuera PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -thrust_out PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -echar_fuera PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -obtund REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -occasion CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -occidentalizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -westernize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -westernise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -occidentalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -occidentalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -odorize ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -odourise ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -pique OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -offer_up GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -volunteer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -volunteer OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -volunteer WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -proffer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -offrir GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -officer OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -officialize PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -officialise PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -offload TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -offload EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -se_décharger TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -se_décharger EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -unlade EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -offsaddle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desensillar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unsaddle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desseller REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -echar_el_ojo SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -ogle SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -aceitar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -oink MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -bailar_un_paso DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -one-step DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -seep FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -ooze_through FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -opacify DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -opalesce LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -opalesce COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -opalizar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -opalizar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -opalise COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -opalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -opaliser COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -opaliser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -opalize COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -opalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -open_up LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -open_up OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -open_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -open_up SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -open_up ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -poner_en_funcionamiento BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -hacer_disponible LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -iniciarse LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -iniciarse WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -ouvrir OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -operate_on HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -réagir REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -réagir UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -réagir OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -react REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -react UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -react OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -persecute HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -opsonize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -optimizar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -optimizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -optimize BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -optimize AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -optimise BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -optimise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -optimar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -optimiser AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -pérorer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -orate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -discourir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -orar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -orbitar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -orbit TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -orb TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sindicarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -unionize ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -agremiar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -unionise ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -orienter ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -orienter HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -orienter DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -orienter TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -orientar ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -orientar DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -orient ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -orient HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -orient DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -orient TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -se_repérer ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -orientate ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -s'orienter ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -orientarse ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -orientalizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -orientalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -orientalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -originate_in COME-FROM I-Agent I-Source B-Agent B-Source B-V I-V O -orphan STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -dejar_huérfano STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -ossify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -rigidify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -rigidifier CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -osificar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -out-herod OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -overbalance COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -overbalance COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -preponderar COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -outbalance COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -preponderate COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -outweigh COMPARE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -outweigh OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outbid BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -outbrave OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outbrave RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -exceder_en_coraje RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -arrostrar RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -outcall BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -outclass DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -outcrop APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -outshout SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -outdraw EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -stare_down OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outstare OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outface OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outfight DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -superar_en_estrategia OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outgeneral OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outgrow INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -outgrow OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -second-guess SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -second-guess GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -outguess GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -outlast OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outlive OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outmaneuver OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outmanoeuvre OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outmarch OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outmode WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -outnumber OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outpace OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outplay DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -outpoint MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -outpoint OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outscore OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -vencer_a OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -producir_salida GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -output GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -outrange OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -exceder_en_rango OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outrank OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outvie FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -outrival FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -outroar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outrun DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -outsail OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outsell OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outshine OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -brillar_más OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outsource OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -externalizar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -desuncir REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -outspan REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -outstay OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outstay STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -overstay STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -rester_plus_longtemps_que OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -rester_plus_longtemps_que STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -quedarse_más_tiempo OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -tener_más_aguante OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -aguantar_más OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -outvote DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -ganar_por_mayoría DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -durar_más OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -ovenbake COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -over-correct ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -over-refine EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -overrefine EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -overachieve ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -overbid BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -hervir_excesivamente COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -overburden BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -overburden FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sobrecargar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -sobrecargar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -sobrecargar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sobrecargar PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -sobrecapitalizar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -sobrecapitalizar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -sobrecapitalizar EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -overcapitalise MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -overcapitalise CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -overcapitalise EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -overcapitalize MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -overcapitalize CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -overcapitalize EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -surcapitaliser MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -surcapitaliser CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -surcapitaliser EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -overclothe DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -apabullar OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -whelm OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -sweep_over OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -overpower OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -overpower DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -overcook COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -recocerse COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -surcuire COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -overcrop GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -overcultivate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -yermar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -overcrowd GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -agolparse GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -overdramatize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -overdramatise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sobregirar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -estar_en_descubierto REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -overdrive BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -overdrive USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -overuse USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -overstress EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -overemphasize EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -overemphasise EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -overvalue CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -overestimate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -overestimate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -sobrevalorar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -sobrevalorar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -sobreestimar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -sobreestimar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -overrate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -sobrestimar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -overexert EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -sobreexplotar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -overexploit USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -sobreexponerse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -overexpose SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -sobreexponer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -surexposer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -overextend EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -extralimitarse EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -sobreesforzarse EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -overstrain EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -overfatigue EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -overtire EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -fatigar_con_exceso EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -overweary EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -sobrealimentar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -overfeed NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -sobrellenar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overfill FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overfly FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -overgeneralize INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -overgeneralise INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -sobregeneralizar INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -dépasser OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -sobrecalentar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -overheat HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -recalentar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -recalentarse HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -overjoy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -overlap OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -chevaucher MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -chevaucher OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -solapar OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -traslapar OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -overlie KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -overlie LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -pasarse_de_listo EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -vault JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -estar_encima LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sobrecargarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pasar_por_alto MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -overmaster DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -overpay PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -sobrepoblado POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -overpopulate POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -overpraise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -alabar_con_exceso APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -overprice CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -overprint PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -print_over PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -sobreimprimir PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -overproduce MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -surproduire MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -sobreproducir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -overreact REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -cabalgar MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -override COMPENSATE I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -override MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -override LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -override DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -overrule DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -oversew SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -overshoot SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -overshoot OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -oversimplify SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -oversleep SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -overspecialise WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -overspecialize WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -overspend CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -excederse_en_gastos CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -desparramarse SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -desparramarse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overspread COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overstock RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -sobreabastecer RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -se_claquer EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -se_déchirer EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -se_froisser EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -overstretch EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -overstuff FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -overtax CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -sobregravar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -overtrump PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -winter SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -pasar_el_invierno SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -hiverner SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -overwinter SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -overwrite CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -sobrescribir CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -ovular MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -ovulate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -devoir INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -devoir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -owe INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -owe PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -deber INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -deber PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -oxidize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -oxidate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -oxidise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -s'oxyder COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -buscar_ostras GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -oyster GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -ozonise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ozonizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ozonar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -ozonize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -pace ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -pace MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -pace MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pace TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -emballer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -emballer INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -tamp_down PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -apisonar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -apisonar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tamp PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pack_on INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -remar_con_pala SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -remar_con_pala MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -remar SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -remar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -padlock SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -paganise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -paganize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -ser_mensajero WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -botones WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -paje WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -mensajero WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -paint PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -peindre PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -palatalize PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -palatalise PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -palatalizar PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -perder_intensidad WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -palpebrate FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -quake MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -palsy STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -panear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pan SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -pan TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pan CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -panoramiquer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pan_out ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -pan_out SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -pan_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -tear_apart CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -pan-broil COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -pan-fry COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -freír_en_sartén COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -salir_bien ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -pan_roast COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -asar_en_sartén COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -pimp LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -procure LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -procure OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -empanelar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -panhandle ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -paniquer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -panic CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -entrar_en_pánico CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pant-hoot COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -tapisser ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -tapisser COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -paper ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -paper COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -wallpaper COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -par SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -troop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -troop GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -ir_juntos TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ir_juntos GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -troupeau TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -troupeau GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -promenade TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -salir_a_caminar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pasado CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -parrafear CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -paragraph CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -paragraph WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -paragraph SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dividir_en_párrafos SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -escribir_párrafos WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -parallel-park PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -parallelize BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -paralelar BORDER I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -paralizar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -paralyze STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -paralyse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -reword SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -paraphrase SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rephrase SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -parafrasear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -parcel ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -parcel COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -parcel SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -parcelar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dessécher DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -marchitar DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -marchitar SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -flétrir DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -parch DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -altérer DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -pare_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -mondar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -mondar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -mondar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -pare REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pare CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pare REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -whittle CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -parget EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -stationner MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -estacionar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -estacionar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -park PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -park MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -aparcar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -aparcar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -garer MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -se_garer MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -parlamentar DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -parley DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -parole LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -parrot REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -repetir_como_loros REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -parse ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -analizar_gramaticalmente ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -partake SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -partake EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -tomar_parte_en SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -partake_in SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -partake_in PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -compartir SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -compartir SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -compartir PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -participar_en SHARE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -take_part PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -particularizar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -particularize EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -particularise EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -partition DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -partition SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -diviser SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -sectionner SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -partition_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -partitionner SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -particionar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -partner LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -partner ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -fiestar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -party CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -faire_une_passe THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hacer_un_pase THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -hacer_un_pase GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -hacer_pasar_por DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -wipe CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -formatear CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -pasar_por MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pasteuriser HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -pasteurise HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -pasterizar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -pasteurizar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -pasteurize HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -emparchar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -patch REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -patch JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -patch CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -parchear REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -ajuntar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -patentar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -patentar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -patentar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -patent SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -patent GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -patent OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -hacer_visible SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -patinar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -patinar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -patinar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -patinar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -patinise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -patinate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -patinize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -patrullar WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -patrol WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -police WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -patter METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -patter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pitter-patter METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pitter-patter MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -repiquetear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -repiquetear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -spit METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -spit SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -spit HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -spit EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pattern-bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -pave PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -dar_zarpazos CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -paw TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -paw CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -payer RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -payer PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -retribuir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -valer_la_pena ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -pay_cash PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -pagar_en_metálico PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -rembourser PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -top_out REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -top_out COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -top_out RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -peak REACH I-Theme I-Goal I-Location I-Beneficiary I-Cause B-Theme B-Goal B-Location B-Beneficiary B-Cause B-V I-V O -peal MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pearl GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -picoter EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -smack EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -smack MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -smack HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -smack TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -smack TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -peck_at EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -pedicure EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -referee SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -referee WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -peer_review SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -peeve CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -atarugar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -enclavijar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -rain_buckets METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -tomber_comme_à_gravelotte METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -tomber_des_cordes METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -diluviar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pleuvoir_à_flots METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pleuvoir_à_seaux METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pleuvoir_comme_à_gravelotte METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -mouiller_à_siaux METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pleuvoir_à_torrent METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pleuvoir_des_cordes METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pleuvoir_comme_vache_qui_pisse METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -llover_a_cántaros METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pleuvoir_à_verse METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -gloyer METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pleuvoir_des_hallebardes METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -rain_cats_and_dogs METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -stream METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -stream MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -stream EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -stream LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -stream FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -pleuvoir_à_boire_debout METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -pepper ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -pepper COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -penalise PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -punir PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -penalize PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -punish PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -pencil PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -hacer_a_lápiz PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -pénétrer HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -perforate HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -pension_off GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pension_off DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -pension GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pensionar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -pensionar DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -mettre_à_la_retraite DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -mettre_à_la_retraite RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -mettre_à_la_retraite GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -mettre_à_la_retraite SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -mettre_à_la_retraite DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -people POPULATE I-Agent I-Location I-Theme B-Agent B-Location B-Theme B-V I-V O -people FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -echar_pimienta COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -poivrer COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -salpimentar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -peptize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -peptise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -walk_about TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -perambulate VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -perambulate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -emperchar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -roost LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -reposar REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -reposar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -reposar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -reposar REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -reposar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -reposar INCLUDE-AS I-Agent I-Patient I-Goal I-Instrument I-Attribute B-Agent B-Patient B-Goal B-Instrument B-Attribute B-V I-V O -encaramar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -percutir HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -percuss HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -peregrinate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -peregrinar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -perennate EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -punch HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -punch HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -effectuer EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -perfumarse ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -perfuse WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -perfuse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -suffuse COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -suffuse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -perjurar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -perjure SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -perm SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -permanentar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -perorate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -perorate FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -peroxide CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -perpetuate CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -perpetuar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -perseverate REACT I-Experiencer I-Stimulus I-Result B-Experiencer B-Stimulus B-Result B-V I-V O -hospedarse REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -hospedarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -suer EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -sudar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -transpirar EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -transpirar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -transpirar HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -sweat EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -perspire EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -transpirer EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -sudate EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -convaincre PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -persuader PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -pertubar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -peruse ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -pervaporate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -pervaporate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -pestle BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -pet TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -pet HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -petition ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -presentar_una_petición ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -dirigir_una_instancia ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -phase ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -phase PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -escalonar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -escalonar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -phase_in PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -introducir_por_etapas PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -acabar_por_etapas FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -phase_out FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -womanise COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -filosofar THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -philosophise THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -philosophize THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -phonate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -fosforescer LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -phosphoresce LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -fotocopiar COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -photocopy COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -xerox COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -photographier RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -fotografiar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -prendre_une_photo RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -photograph RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -tomar_una_foto RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -retratarse RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -fotografiarse RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -fotosensibilizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -photosensitize AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -photosensitise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -photostat COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -dar_tirones MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -pull_at MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -pluck_at MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -pelliscar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pick_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pick_off SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pick_over CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -sieve_out CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -turn_around TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -turn_around INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -take_a_dare TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -pick_up_the_gauntlet TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -picket SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -picket OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -piquetear OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -pickle PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -encurtir PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -picnic EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -ir_de_picnic EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -hacer_picnic EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -wanton_away SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -wanton_away CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -piddle_away SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -reensamblar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -piece-dye COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -pierce HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -pierce CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pierce CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pierce MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chapurrar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -chamullar BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -chacharear BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -pig_it EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pigeonhole PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -pigeonhole SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -impresión SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -esteriotipar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -encasillar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -estereotipar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -estereotipo SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -stereotype SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -piggyback HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -piggyback RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -piggyback CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -piggyback MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir_a_cuestas MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -transportar_en_vagones CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -pigment COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -pigmentar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -pigmentarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -empicotar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -pillow REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -pin_up ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -desmochar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -vellicate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -vellicate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -velicar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -hacer_presente COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -maniatar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pinion CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pinion STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -cortar_las_alas CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -pinkify COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -encumbrar RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pinnacle RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pinnacle COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -pipe MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pipe PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -pipe CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -pipe EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -transportar_por_oleoducto CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -adornar_con_ribete EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -pipe_up MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -pipe_up PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -shrill MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -shriek MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -se_faire_entendre MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -se_faire_entendre PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -pipe-clay WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -blanquear_con_albero WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -pipe_in CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -pirouette PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -piruetear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -pistol-whip HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pith REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pivotar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pivot MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -swivel MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -station PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -place-kick SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -place-kick HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -place_down LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -ponerse_de_pie PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -ponerse_de_pie STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -poner_de_pie PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -poner_de_pie STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -place_upright PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -plane CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -plane FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -plane MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -plank_over COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -plank_down DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -plonk_down DROP I-Agent I-Patient I-Destination I-Extent I-Source I-Attribute B-Agent B-Patient B-Destination B-Extent B-Source B-Attribute B-V I-V O -splosh WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -splosh MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -splosh TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -splash MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -splash DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -splash COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -splash TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -splash WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -splatter SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -splatter WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -plash WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -plash WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -emplastar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -plaster_over COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -empastar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -escayolar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -escayolar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -poultice COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -plastificar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -plasticize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -plasticize ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -plasticise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -plasticise ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -plastinate PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -plat REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -preparar_un_diagrama REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -plate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -chapar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -platinize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -platitudinize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hablar_largamente PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -spiel PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -spiel SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -aprovecharse_de PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -poner_en_juego PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -poner_en_juego OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -hacer_de PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -replay PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -replay PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -replay FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -play_back PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -play_it_by_ear DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -play_possum PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -hacerse_el_muerto PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -plea-bargain SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -plead DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -plead ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -plead JUSTIFY_EXCUSE I-Agent I-Theme I-Cause I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Cause B-Destination B-Instrument B-Attribute B-V I-V O -plead AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -plaider DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -placer PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -placer REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -pleat PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -plicate PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -plisser PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -plisar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -dar_la_palabra GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -subscribe PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -subscribe BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -subscribe FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -subscribe OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -subscribe WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -apuntarse PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -apuntarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -abonarse BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -abonarse PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -s'abonner BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -s'abonner PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -suscribirse BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -suscribirse PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -ploc FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -floc FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -plough GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -plough TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -arar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -press_on GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -push_on GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -plough_on GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -abrirse_camino GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -plug CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -plug CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -plug HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -plug PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -plug INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -cogner HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -taper TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -taper SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -taper REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -taper HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -stop_up CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -taponar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -aplomar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -aplomar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -plumb SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -plumb MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -plumb BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -plumb ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -decorar_con_plumas EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -caer_a_plomo REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -plummet REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -plump_in ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -pluralize SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -pluralise SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -poach HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -poach COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -escalfar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cazar_furtivamente HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pockmark HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pod REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pod GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -podcast TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -poetize CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -versify CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -poetizar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -versificar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -poetise CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -repoint REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -rejuntar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -ahusar SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -point_jam STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -point_the_way SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -point_up EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -golpear_con_dureza HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -moler_a_palos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -atizar MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -atizar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -atizar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -asomar_la_cabeza ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -polarize FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -polarize SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -polarize MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -polarizar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -polarizar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -polarizar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -polarise FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -polarise SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -polarise MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pole REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pole SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pole STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -empujar_con_pértiga SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -navegar_con_pértiga SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -cortar_con_alabarda KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -poleax KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -poleaxe KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -polemise QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -polemize QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -polemicize QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -polemicise QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -polir WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lustrer WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -smooth FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -smooth UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -smooth WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -smoothen FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -smoothen WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -politicise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -politizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -politicize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -politick CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -politiquear CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -bailar_polca DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -polka DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -pollard CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -dar_el_voto CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -polychrome COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -policromar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -polychromise COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -polychromize COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -polymerise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -polymerize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -polimerizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -polymériser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -pomade PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -pompadour CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -poniard HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pontificar LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -pontificar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -pontifier LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -pontifier SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -pontificate LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -pontificate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -pooch_out FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -pooch FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -pool GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -pool COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -mancomunar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -hacer_pum MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -dar_un_golpecito HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -pop_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -porcelainize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -port TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -port CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -port DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -port LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -port ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -llevar_en_bandolera CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -mostrarse PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -postpose PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -pot PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -enmacetar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -empoter PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -potentiate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -potter_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -putter_around TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pounce GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -swoop CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -swoop GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -pound_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -pound_up RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -teem EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -teem LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -hormiguear EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -hormiguear LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -swarm EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -swarm LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -throw_cold_water_on CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -pour_cold_water_on CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -derramarse SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -derramarse EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -pour_forth EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -spill_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -polvorizarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -powder BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -powder PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -powderize BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -powderize DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -powderise BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -powderise DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -empolvar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -empolvarse PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -power OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -realizar_un_picado FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -power-dive FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -powerwash WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -pressure-wash WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -powwow SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rehearse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -praise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -caer_violentamente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -prang HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -prank DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -prank EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -engalanarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -prawn HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -prophesy TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -prophesy GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -preamble BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -prologar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -prologar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -prearrange PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -preadaptar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -prefabricar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -preassemble MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -prefabricate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -préfabriquer MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -precess MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -abalanzar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -precis SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -preconcebir IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -preconceive IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -precondition PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -precocinar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -precook COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -predecease KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -predigerir EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -predigest EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -predispose PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -preexist EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -preexistir EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -préférer LIKE I-Experiencer I-Stimulus I-Cause I-Attribute I-Instrument B-Experiencer B-Stimulus B-Cause B-Attribute B-Instrument B-V I-V O -prefijo_de_número_de ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -prefix ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -prefijarse ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -prefijar ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -preform SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -préformer SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -preheat HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -precalentar HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -precalentar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -preisolate ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -aislar_previamente ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -prejudge SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -prejudice EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -prejudice INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -prepossess CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -prepossess INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -prepossess POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -prelude PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -prelude PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -préluder_à PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -préluder_à PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -preludiar PRECEDE I-Theme I-Co-Theme I-Cause B-Theme B-Co-Theme B-Cause B-V I-V O -préméditer PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -préméditer THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -premeditate PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -premeditate THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -premeditar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -premier SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -premier PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -premiere SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -premiere PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -donner_la_première_de SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -donner_la_première_de PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -premiss SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -preoccupy CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -preoccupy CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -préoccuper CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -préoccuper CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -prepay PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -prepose PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -pregrabar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -prerecord RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -saluer APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -saluer WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -poner_en_escena PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -soumettre GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -soumettre SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -preside MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -prensar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -weightlift RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -levantar_pesas RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -weight-lift RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -pressure-cook COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -pressurize EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pressurize INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pressurise EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -pressurise INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -presurizar EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -presuppose SUPPOSE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -presuppose REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -pretermitir MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -s'imposer WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -preview SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -cotizar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -price CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -prickle HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -prickle HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -punchar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -punzar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -punzar BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -punzar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -tingle HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pride_oneself CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -take_pride CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -prim PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -prim EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -précieux PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -précieux EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -prim_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -prim_out EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -fruncir_los_labios FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -fruncir_los_labios PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -prioritise LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -prioritize LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -priorizar LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -dar_prioridad LOCATE-IN-TIME_DATE I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sonsacar ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -sonsacar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -privatiser SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -privatize SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -privatise SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -prizefight FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -probate LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -probate PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -swear_out SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -alisar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -alisar PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -alisar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -alisar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -alisar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -work_on WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -work_on SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -procrastinar DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -professionalise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -professionalise LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -professionalize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -professionalize LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -profesionalizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -profile PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -profile REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -hacer_un_perfil REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -turn_a_profit EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -profiteer BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -programme PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -programme CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -program PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -program CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -prolapse BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -prolapsar BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -proliferate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -prologise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -prologize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -prologuize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -pronate TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -pronk JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -proof WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -proof CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -proof PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -proof VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -proof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -sacar_una_muestra PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -proofread VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -hacer_resistente STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -impermeabilizar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -shore_up STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -prop STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -prop_up STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -propagandise PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -propagandise PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -propagandize PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -propagandize PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -hacer_propaganda PUBLICIZE I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -profetar GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -vaticiner GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -vaticinate GUESS I-Agent I-Theme I-Asset I-Recipient B-Agent B-Theme B-Asset B-Recipient B-V I-V O -proportion ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -proportion HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -proportionner ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -tirar_los_tejos PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -insinuarse PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -proposition PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -propound PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -prorate DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -prorate SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -distribuer_au_prorata DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -distribuer_au_prorata SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -hacer_prosélitos CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -proselytise CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -proselytize CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -ganar_prosélitos CO-OPT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -prospectar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -prospect SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -prospecter SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -prostituir ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -prostituir HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -prostituir WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -prostitute WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -protect PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -guarecer PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -sauveguarder PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -protuberate BULGE-OUT I-Theme I-Source I-Destination I-Agent B-Theme B-Source B-Destination B-Agent B-V I-V O -prove_oneself SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -probarse SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -probarse SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -provision LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -purvey LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -arpenter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -rôder TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -cantar_salmos SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -psalm SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cracher EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -saliva EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -esputar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -ptyalise EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -ptyalize EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -imprimer PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -ruck_up PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -ruck PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pudelar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pudelar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -whiff CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -whiff SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -whiff DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -whiff BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -whiff SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -rip CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -rip TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -rip CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -rend CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -déchirer CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -decantarse FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -root_for FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -shlep PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -shlep TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pull_along PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -schlep PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -pull_one's_weight WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -pull_out_all_the_stops USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -pull_over TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -pull_the_plug STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -frenar_en_seco STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pull_up_short STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -pulp REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pulp CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -pulse EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -pulse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pulse MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -throb MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -pumice CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -pump LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -pump REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -pump MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -pump ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -pump ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -pump PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pump SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -pump FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -pun JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -pup GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -whelp GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -pupate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -volver_puré CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -puree CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -sough MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tejer_del_revés SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -purl_stitch SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -purse FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -purse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -push_away MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -push_up PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -put_aside CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -put_aside USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -tuck_in EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -tuck_away EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -put_to_sleep SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -put_to_sleep KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -endormir SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -endormir KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -volver_a_poner RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -rebuter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -dégoûter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sacar_de_sí TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -expulsado DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -put_out_feelers SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -hacer_dormir SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -put_to_work WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -putrefy SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -putt HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tirar_al_hoyo HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -putty PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -puzzle_over THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -pyramid INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -pyramid SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -pyramid EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -pyramid USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -amontonar_en_pirámide SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -cancaner MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -quack MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -quack DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -faire_coin-coin MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -encomiar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -cuadruplicarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cuadruplicar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -quadruple INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -cuadriplicar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -quadruplicate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -tremor MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -quantise CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -quantise APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -quantifier CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -quantifier APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -quantize CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -quantize APPLY I-Agent I-Theme I-Patient B-Agent B-Theme B-Patient B-V I-V O -poner_en_cuarentena ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -quarantine ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -quarry EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -dividir_en_cuartos DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -diviser_en_quatre DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -quarterback WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -quaver MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -quaver SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -triller PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -triller SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -trill PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -trill SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -queen CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -queen AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -hacer_dama AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -hacer_reina AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -query ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -whet SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -whet AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -quickstep DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -quilt SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -coser SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -coser SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -quintuplicar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -quintuple INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -quirk TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -quiz VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -rabbet CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -rabbet JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -machimbrar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -rabbit HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cazar_conejos HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -echar_una_carrera COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -ratchet MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -rachet_up MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -ratchet_down MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -single-foot RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -trasegar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -devanarse EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -torturar_con_potro HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -dar_potro HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -racketeer DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -raddle COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -raddle WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -ruddle COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ruddle WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -radicalizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -radicalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -radio TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -llamar_por_radio TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -radiolocate FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -rifar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -raffle_off OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -raffle OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -raft CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -raft TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -raft SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -hacer_balsas SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -transportar_en_balsa CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -envigar STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -rafter STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -rage BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -rage ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -rage EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ramp BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -ramp LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -ramp EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -ramp RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -ramp STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -talus BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -talus LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -talus EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -talus RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -talus STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -vituperar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -vilify OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -denostar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -vituperate OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -revile OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -andar_en_tren MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_ferrocarril MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir_en_tren MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -proveer_de_rieles PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -rail_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -rail_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -enrielar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -rain_down METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -llover METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -rain METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -suspender_por_lluvia STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -rain_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -wash_out REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -wash_out EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -wash_out STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -wash_out DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -wash_out WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -resurrect AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -resurrect MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -upraise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -recoltar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -raise_the_roof CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -rake_in EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -rake_off EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -rake_up SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -desnivelar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -actuar_violentamente BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -alborotarse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -rampage BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -ranch WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -randomize MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -randomise MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -aleatorizar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -straddle REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -straddle COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -straddle LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -ransom PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -sutilizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -sutilizar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -sutilizar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -subtilize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -subtilize AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -subtilize DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -subtiliser ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -subtiliser AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -subtiliser DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rasp SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rasp CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rasterize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -rasterizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -chaquetear LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -contratar_esquiroles HIRE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -cazar_ratas HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ratify APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -ratifier APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -ratiocinate INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -racionar RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -racionar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -ration_out CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -ration RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -ration CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -rationner RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -rationner CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -rationalise_away INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -rationalize_away INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -rattle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -rattle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -matraquear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -spiel_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rattle_down SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -roll_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rattle_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -reel_off ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -reel_off SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -desintrincar SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -develar SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ravel_out SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -unravel RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -unravel SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -rapiñar OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -rapiñar STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -atiborrar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -atiborrar ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -despedir_rayos EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -afeitar_a_navaja CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -razor CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -re-address PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -re-afforest GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -re-argue EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -reargumentar EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -rearm LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -re-arm LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -rearmar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -re-assume CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -reappear APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -resurgir APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -re-emerge APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -reaparecer APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -dar_nuevo_énfasis EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -re-emphasise EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -re-emphasize EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -hacer_nuevo_énfasis EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -re-enter ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -reentrar ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -rejig LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reequipar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reequipar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -re-equip LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -re-examine ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -reinterpretar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -reinterpret INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -réinterpréter INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -re-explain INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -reexplorar SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -re-explore SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -re-incorporate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -reintroduce KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -volver_a_presentar KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -re-introduce KNOW I-Experiencer I-Theme I-Topic I-Attribute I-Source B-Experiencer B-Theme B-Topic B-Attribute B-Source B-V I-V O -restart START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -restart CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -re-start START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -re-start CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -réactiver START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -resume RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -resume SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -resume CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -reanudar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reanudar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -retomar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -retomar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -retomar SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -retomar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -recommencer BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -recommencer CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -redémarrer CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -curriculum_vitae CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -resorb ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -reabsorb ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -resorber ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -efforcer EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -esforzar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -reach_into FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -reach_one's_nostrils ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -reacquaint LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -volver_a_familiarizarse LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -reactivate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reactivar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reactivar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -lire READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -leerse READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -digamos CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -digamos DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -read_between_the_lines INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -readaptarse HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -readapt HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -reajustar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -reajustar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -reajustarse HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -readjust ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -readjust HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -reset ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -reset RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -réadmettre AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -readmit AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -readmitir AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -reaffirm AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -realine ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -realinear ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -realign ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -réaffecter CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -redistribuer SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -redistribuer CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -réassigner CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -réallouer CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -réattribuer CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -reallocate CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -reapportion CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -reallot CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -reasignar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -ream REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -ream INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -ream EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -reappraise MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -reevaluar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -empinarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rear-end HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -dar_por_detrás HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -rear_back RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rear_back OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -encabritarse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -encabritarse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -rearmarse LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reordenar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -rearrange SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -reorganizar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -reorganizar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -reorganizar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -reorganizar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -reassail ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -volver_a_agredir ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -reassemble MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reassess MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -reevaluate MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -reassign ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -reattribute ASCRIBE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -reawaken AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -rebate JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -rebate DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -rebate CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -sublevarse OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -renegade OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -reencuadernar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -rebind REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -rebroadcast TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -rerun TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -rerun OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -rerun PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rerun COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -rediffuser TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -retransmettre TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -rabrouer REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -reconstruire MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -rebuild MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reenterrar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -rebury BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -recalcitrate RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -recalcular CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -recalculate CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -recap SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -recapitulate SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -recapitulate REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -recapitular SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -reprize REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -reprise REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -recapturar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -recapturar FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -recapturar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -retake CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -retake RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -retake CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -recaptutar CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -recaptutar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -recapture CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -recapture FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -recapture CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -recapture REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -remodelar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -remodelar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -remodelar AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -remodelar RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -remodelar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -remodelar ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -remodelar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -recast ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -recast MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -recast RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -remodel MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -remodel RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -remoldear MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -remoldear RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -reforjar RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -reforge RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -remold REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -remold MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -remold SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -enyesar_otra_vez MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -remould REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -remould MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -réceptionner RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -capter RECEIVE I-Agent I-Theme I-Source I-Value I-Attribute B-Agent B-Theme B-Source B-Value B-Attribute B-V I-V O -dar_la_bienvenida WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -accueillir WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -welcome AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -welcome HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -welcome WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -recepcionar HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -recharge LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -recharge FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -reload LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reload FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -recargar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -recargar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -recargar FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -recargar FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -reciprocate GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reciprocate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -repossess GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -repossess REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -reform MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reform AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -reform HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -reform SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -regenerate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -regenerate HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -regenerate CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -regenerate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -regenerate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -regenerate RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -regenerate ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -reciclar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -reciclar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -reclassify SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -recumb LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -recode SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -recombine ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -recombine COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -recombinar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -recommence BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -recomenzar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -reconsignar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reconsignar DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -recommit CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -recommit GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -recommit DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -resignarse AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -recondition REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -reconfirm AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -reconfirmar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -reconnoitre SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -scout SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -reconnoiter SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -reconquer CONQUER I-Agent I-Patient B-Agent B-Patient B-V I-V O -reconsagrar COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -reconsecrate COMMUNE I-Agent I-Attribute I-Theme B-Agent B-Attribute B-Theme B-V I-V O -reconsider CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -reconsiderar CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -restructure ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -reconstituer HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -reconstituer ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -reestructurar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -reconstitute ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -reconstituir ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -restablecer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reconvene MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -reconvertir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reconvert RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reconvict DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -volver_a_condenar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -recondenar DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -recopy WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -recopiar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -tape ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -tape RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -restituirse PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -reimburse PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -resarcir PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -retapizar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -recriminar ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -recriminar REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -recriminate ACCUSE I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -raffiner AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -recurve BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -récuser REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -récuser DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -recuse REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -recuse DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -reuse USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -reprocess USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -reusar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -recycle REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -recycle USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -reutilizar USE I-Agent I-Patient I-Instrument I-Goal B-Agent B-Patient B-Instrument B-Goal B-V I-V O -red-eye MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -red-ink COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -enrojecerse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -redecorar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -redecorate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -rededicate FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -volver_a_dedicar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -redefine NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -redefine DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -redefinir NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -redefinir DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -volver_a_destacar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -redesplegar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -redeploy SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -redepositar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -redepositar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -redeposit FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -redeposit RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -redesign CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -rediseñar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -redetermine ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -redevelop CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -redevelop AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -redevelop CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -reformular AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -reformulate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rediscover FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -redescubrir FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -redispose SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -redisponer GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -redisponer SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -redistribuir SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -redistribute SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -redline REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -redoblar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -redouble INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -contribuer AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -contribuer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -contribuer MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -redound AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -redound INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -redound MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -redundar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -reducir_por_meiosis DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -scale_down REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -reecho MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -reecho REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -hacer_eco MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -reef REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -reef LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -arrizar LOWER I-Agent I-Theme I-Beneficiary I-Extent I-Source I-Location I-Destination B-Agent B-Theme B-Beneficiary B-Extent B-Source B-Location B-Destination B-V I-V O -smell EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -smell ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -smell PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -smell SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -apestar ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -heder ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -stink ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -stink EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -vahear EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -devanar ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -unreel ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -reelect CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -reelegir CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -repromulgar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -reinforce STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -reenforce STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -reestablish RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reinstate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -rehabilitar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -rehabilitar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -rétablir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reeve SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -reeve MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -vérifier ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -réviser ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -réétudier ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -reexaminar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -reexamine ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -reface REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -référer SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -árbitro WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -umpire WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -refinance REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -refinanciar REPEAT I-Agent I-Theme I-Beneficiary I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Co-Agent B-Attribute B-V I-V O -refinish REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -refit LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reflate INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -reflate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -volver_a_hinchar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -reluire REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -reflectorise REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -reflectorize REFLECT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -refloat BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -refocus ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -refocus FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -reforest GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -repoblar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -repoblar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reformarse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -corregirse AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -ver_la_luz AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -see_the_light AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -refract TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -refract CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -refractar TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -réfracter TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -réfracter CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -refracture BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -refrigerate PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -refrigerate COOL I-Agent I-Patient I-Source I-Attribute I-Instrument B-Agent B-Patient B-Source B-Attribute B-Instrument B-V I-V O -refuel FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -repostar FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -poner_combustible FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -reabastecer FUEL I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -refurnish LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reamueblar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reamoblar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -regale NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -regenerar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -regenerar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -regenerar RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -regenerarse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -revitalizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -revitalizar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -revitalize AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -revitalize HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -renew ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -renew CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -rejuvenate DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -rejuvenate CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rejuvenate HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -rejuvenate AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rejuvenate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -rajeunir DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -rajeunir CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -rajeunir HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -rajeunir AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rajeunir CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -regiment BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -regiment GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -regiment ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -imputation RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -retrovert RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -revert RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -sufrir_una_regresión WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -recalcitrar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -retrogradar WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -retrogradar MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -regret REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -regret REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -rue REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -arrepentir REGRET_SORRY I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -reorganize ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -regroup SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -regroup ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -reorganise ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -reagruparse SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -reagrupar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -regrow GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -régulariser ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -regurgitar SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -regurgitar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -regurguitar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -rehabilitate ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -rehabilitate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -reharmonize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reharmonise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -rehear SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -retry SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -reintentar SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -reheat HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -rehouse GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -realojar GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -cosificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -réifier REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reificar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reify REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -reignite BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -reimponer CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -reimpose CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -réincarner GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -réincarner CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -reincarnate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -reincarnate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -reinstalar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reinstall MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -reinsure PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -reasegurar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -reintegrate ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -reintegrarse ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -réinventer RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -reinvent RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -reinventar RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -reissue CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -reissue PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -reprint PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -republicar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -reimprimir PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -reasociarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -reincorporarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -reencontrarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -rejuvenecer DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -rejuvenecer AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -rejuvenecer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -rekindle BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -rekindle AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -volver_a_encender AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -reencender AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -reatar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -volver_a_atar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -relace SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -relativizar INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -relativize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -relativise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -slack_up REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -soltarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -soltarse UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -slacken REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slacken SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -slacken UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -destensar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -relay OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -relay SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -transmettre TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -transmettre SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -relearn LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -secrete EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -secrete CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -secretar EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -relent GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -salvage GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -salvage HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -salve HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -unbosom SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -desahogarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cambiar_el_forro REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -reline REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -reline PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -relocate GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -relocate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -relyric CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -remain_down KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -take_the_count KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -estar_de_pie STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -estar_de_pie RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -être_debout RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -remain_firm RESIST I-Experiencer I-Stimulus I-Goal B-Experiencer B-Stimulus B-Goal B-V I-V O -remainder SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -send_back DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -remarry ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -se_remarier ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -casarse_nuevamente ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -tener_presente APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -acordarse_de APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -think_back REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -remember_oneself BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -recomponerse BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -remilitarizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -remilitarize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -remilitarise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -reminisce REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -desobligar CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -reshape ESTABLISH I-Agent I-Theme I-Beneficiary I-Co-Agent B-Agent B-Theme B-Beneficiary B-Co-Agent B-V I-V O -reshape SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -reencauchar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -recauchutar REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -remount LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -remount MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -remount RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -rename NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -renombrar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -rebautizar NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -render-set COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rendezvous MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -punto_de_encuentro MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -darse_cita MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -renégocier NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -renegociar NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -renegotiate NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -renegociate NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -restitute REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -restitute GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reopen OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -reabrir OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -reabrirse OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -reorder ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -reorder SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -reorientar ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -reorient ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -reorientate ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -reorientarse ORIENT I-Agent I-Patient I-Goal B-Agent B-Patient B-Goal B-V I-V O -repaint PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -repintar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -repeindre PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -repatriar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -repatriar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -repatriate AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -repatriate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -rapatrier AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -rapatrier MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -requite PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -repercuss AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -repine OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -supersede REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -supervene_upon REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -supercede REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -supplant REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -supplanter REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -replant GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -replantar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -replantar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -volver_a_jugar PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -retroflex PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -retroflex BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -rétroflexe PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -rétroflexe BEND I-Agent I-Patient B-Agent B-Patient B-V I-V O -chivarse_de INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -report_out GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reposit RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -reprendre_en_possession GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -reapropiarse GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -repot MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -transplantar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -reprehend CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -symbolise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -symboliser REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -symbolize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -aplazar_una_pena MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -reprieve DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -reprieve MAKE-RELAX I-Stimulus I-Experiencer I-Instrument I-Result B-Stimulus B-Experiencer B-Instrument B-Result B-V I-V O -respite DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -faire_grief REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reprocher REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -upbraid REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -reproach REPRIMAND I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -republish PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -reeditar PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -nier REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -requisition ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -requisition TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -requisición TAKE I-Agent I-Theme I-Source I-Asset I-Beneficiary B-Agent B-Theme B-Source B-Asset B-Beneficiary B-V I-V O -releer READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -reread READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -reestrenar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rescale CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -reprogramar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -reschedule PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -reseal CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -resellar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -reseat MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -reseat RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -reseed GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -resell SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -recéder SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -revendre SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -revender SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -semejar SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -resemble SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -parecerse_a SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -parecerse MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -parecerse SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -se_asemejan_a SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -asemejarse_a SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -resentirse DISLIKE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -resettle STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -reasentarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -repoblarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -recoser SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -resew SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -reship PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -volver_a_fotografiar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -refotografiar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -reshoot RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -reshuffle MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -reshuffle ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -resift SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -recernir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -retamizar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -resinate COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -cambiar_el_tamaño_de CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -resize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cambiar_tamaño CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -redimensionner CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -resmudge DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -volver_a_ensuciar DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -sole REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -resole REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -resplend LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -restock LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -refortalecer STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -restrengthen STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -restreindre RESTRAIN I-Cause I-Patient I-Goal I-Instrument B-Cause B-Patient B-Goal B-Instrument B-V I-V O -resublime CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -reasumir CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -summarise SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -summarize SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -resurface REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -resurface APPEAR I-Agent I-Theme I-Location I-Attribute B-Agent B-Theme B-Location B-Attribute B-V I-V O -resurge BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -ranimer AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -réanimer AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -resuspend FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -resuspender FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -ret CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -détailler SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -débiter SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -vender_al_detalle SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -vender_al_detall SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -retail SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -volver_a_tomar RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -strike_back ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -rethink BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -replantearse BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -repensar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -retick SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -volver_a_pespuntear SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -reticulate COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -reticulate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -reticulate CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -retie SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -religar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -prendre_sa_retraite RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -partir_à_la_retraite RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -jubilarse RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -se_désengager RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -revise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -retool ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -retool LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -touch_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -retouch EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -shrink_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -retrain TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -retrain STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -reentrenar STUDY I-Agent I-Topic I-Cause B-Agent B-Topic B-Cause B-V I-V O -retranslate TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -retraducir TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -volver_a_traducir TRANSLATE I-Agent I-Topic I-Source I-Destination B-Agent B-Topic B-Source B-Destination B-V I-V O -retransmit TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -retrench REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -retrench RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -retrofit AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -retrofit RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -reunite ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -reunite MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -reunificar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -reunify ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -rev INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -rev_up SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -rev_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -acelerarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -subir_de_revoluciones SPEED-UP I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -revamp REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -vamp COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -vamp REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -vamp DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -vamp RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -revet MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -revet COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -revêtir MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -revêtir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -revisit VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -volver_a_visitar VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -revitalise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sublevar OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -rewire LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -recablear LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -reescribir CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -reescribir WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -rewrite CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -rewrite WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -recitar_una_rapsodia PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -hablar_con_entusiasmo PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rhapsodize PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rhapsodize SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -s'extasier PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -s'extasier SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rhapsodise PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -rhapsodise SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -rhumba DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -rumba DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_rumba DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -rumbear DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -givre CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -givre MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rimar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -rimar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rhyme CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -rhyme MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rime CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -rime MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -rice BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -amontonar_en_almiares AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -rick HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rick AMASS I-Agent I-Theme I-Result I-Asset I-Source I-Beneficiary I-Location I-Cause I-Instrument B-Agent B-Theme B-Result B-Asset B-Source B-Beneficiary B-Location B-Cause B-Instrument B-V I-V O -descoyuntarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -wrick HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -dislocarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -wrench HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -wrench PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -wrench MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -sprain HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -resolver_un_acertijo EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -rouler MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir_en_vehículo MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -aller_en_voiture MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -estar_fondeado LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -dejar_pasar CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -dejar_correr CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -ride_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -ride_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -ride_herd DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -ride_horseback MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_a_caballo MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -montar_a_caballo MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ride_roughshod TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -run_roughshod TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -calentar_el_banquillo PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -warm_the_bench PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ride_the_bench PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ridge CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -ridge GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -ridge THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -ridge EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -ridge SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -acaballonar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -acaballonar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -enjarciar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -aparejar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -rig_up MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -rim LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -rim TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -rim LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -ring_out MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ring_up RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -rinse_off WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -rip_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hacer_trizas CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -shred CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -rip_up CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tear_up CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -levantar_el_ánimo CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -crecerse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ritualizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -ritualize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -ritualise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -gardon CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -gardon EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -roach CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -roach EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -decir_a_gritos SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -roncar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -roncar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -roar_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -toaster COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -rustirse COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -rustir COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -rostir COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -faire_griller COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -mecer MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -mecer MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -mecer AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -rock MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -rock MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -tambalear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tambalear MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -mecerse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -rocket INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -rocket SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -skyrocket INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -subir_vertiginosamente SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -la_guita ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -la_guita WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -roll_out STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -roll_out FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -borbotear HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -borbotear EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -roll_in SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -desenrollar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -desenrollar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desenrollar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -roll_over BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -roll_over NEGOTIATE I-Agent I-Theme I-Topic I-Co-Agent I-Beneficiary B-Agent B-Theme B-Topic B-Co-Agent B-Beneficiary B-V I-V O -roll_over MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -llegar_conduciendo ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -roller_skate MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -rollerblade MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -contar_cuentos DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -dupliquer INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -roneo INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -techar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -techar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -roof MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -enraizar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -root BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -root GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -root EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -root GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -root STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -enraizarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -steady_down STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -afincarse STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -take_root STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -escarbar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -rootle EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -desenraizar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -rope_up SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -rosin CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -frotar_con_colofonia CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -achaflanarse TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -achaflanarse OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -alternarse ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -rouge COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -pintarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -rough_in PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -rough PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -rough_out PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -rough-dry DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -roughcast COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -roughcast SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -rough-hew SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -desbastar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -dégrossir SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -rough-house TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -rough-sand FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -lijar_por_encima FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -rough_up TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -enlucir COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ponerse_áspero CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -roughen CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -roughhouse PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -contornar SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -round_down ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -round_up GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -spread-eagle PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -spread-eagle EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -spread-eagle LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -spread-eagle DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -spreadeagle DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -rout_up FIND I-Agent I-Theme I-Location I-Attribute I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Location B-Attribute B-Instrument B-Goal B-Beneficiary B-V I-V O -route DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -route SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -row MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bogar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ramer MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -frictionner TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -restregarse TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -frotter TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -friccionar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -frotarse TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -squeak_by MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -squeak_by LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -squeeze_by MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -rub_along MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -scrape_by MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -scrape_along MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -scratch_along MANAGE I-Agent I-Theme I-Instrument I-Goal I-Beneficiary B-Agent B-Theme B-Instrument B-Goal B-Beneficiary B-V I-V O -rubberize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rubber COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -rubberise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -encauchar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -curiosear SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -rubberneck SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -rubbish CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -rubify COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -rubric COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -jugar_un_triunfo PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ruff PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -ruggedise STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -ruggedize STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -rule_in SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -rummage SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -rumpus MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -run_for CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -courir RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -hacer_correr MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ejecutar_sin_falta ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -s'emballer OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -run_bases RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -run_by TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -correr_hacia_abajo FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -dar_captura CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -perseguir_hasta_capturar CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -dar_caza CHASE I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -pasar_por_encima HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -rebalsarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -rebalsarse FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -correr_libre FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -verterse SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -queadarse_sin FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -confeccionar_rápidamente SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -sew SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -sew SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -stitch SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -sew_together SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -rush_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -rush_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -salir_disparado LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -rusticate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -rusticate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -rusticate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -rusticate STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -send_down STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -herir_a_sablazos CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -sabre CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -sabre KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -sabrer CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -sabrer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -sugar CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -saccharifier CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -saccharifier CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -saccharify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -saccharify CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -sacarificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -malvender SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -sacrificarse GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -entristecer CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sadden CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ensillar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -safeguard PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -sag_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -brosser GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -voguer TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sailplane FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -decir_salaam WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -salaam WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -salinate ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -sallow COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -sally_forth LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -salt COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -salt AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -salt COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -salt PRESERVE I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -saltate JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -saltate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -bailar_samba DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -samba DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -catar TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -catar TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -catar SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -taste EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -taste UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -taste TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -taste TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -goûter TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -goûter TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -paladear TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -sample TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -sand FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sandpaper FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -lijar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sand_cast SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -sandblast CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -intercaler INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -intercaler CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -sandwich INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -sandwich CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -hacer_sándwich CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -sanitate LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -sanitizar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -saponify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -saponifier CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -saponificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -deslizarse_de_lado TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sidle TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sass OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -emitir_vía_satélite TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -emitir_via_satélite TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -satellite TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -satisfise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -satisfice CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sauce BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -sauce COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -sauce CHANGE-TASTE I-Agent I-Patient I-Result I-Beneficiary I-Material B-Agent B-Patient B-Result B-Beneficiary B-Material B-V I-V O -saunter MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -stroll MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -saute COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -saltear COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -sauvegarder RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -savourer TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -déguster TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -saborizar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -aserrar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -saw CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -serrar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -snore BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -saw_wood BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -saw_logs BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -dire SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -decir_adiós WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -say_farewell WELCOME I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -scaffold STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -ébouillanter BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -échauder BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -escaldarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -scale_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -scollop HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -scollop COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -scollop EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -scalp REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -scalp SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -frangollar CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -scamp CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -scuttle RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -scamper RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -scurry RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -corretear RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -skitter JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -skitter RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -skitter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -skitter MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -escandir ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -escandir READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -escanear ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -scant LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -scant WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -scant RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -insuffisant LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -insuffisant WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -insuffisant RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -skimp LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -skimp WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -skimp RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -skimp CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -mégoter LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -stint LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -stint CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -lésiner LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -scarf DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -scarf HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -scarf JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -ponerse_un_pañuelo DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -scarify BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -scarify CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -scarify HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -escarificar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -escarificar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -escarificar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -escarizar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -desperdigar BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -comer_carroña EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -nutrirse_de_carroña EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -recoger_la_basura WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -remover_basuras WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -limpiar_las_calles WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -scend RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -schedule PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -schematize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -schematize SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -schematise SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -schématiser SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -schématiser SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -escolarizar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -schuss MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -cintilar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -scissor CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -sclaff HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -singe BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -hacer_una_partitura CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -sellotape ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -scotch_tape ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -estregar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -dar_un_escarmiento PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -escarmentar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -fruncir_el_entrecejo FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -scowl FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -scribble WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -arañarse HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -scratch_up CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -legrar CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -scrawl WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -skreigh SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -escudar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -refugiar TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -refugiar PROTECT I-Agent I-Beneficiary I-Theme I-Instrument I-Patient B-Agent B-Beneficiary B-Theme B-Instrument B-Patient B-V I-V O -sieve VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -sieve ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -sieve SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -screen_out ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -separate_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -screen_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -scribe CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -scrimmage TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -scrimp CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -scrimshank ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -racanear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -remolonear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -remolonear UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -escribir_un_guión CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -script CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -scroll MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -scrub_up WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -scruple CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -scruple STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -scruple BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -size_up ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -scry INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -se_colleter FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -bagarrer FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -scuffle FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -scuffle GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -liarse_a_puños FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -arrastrar_los_pies GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -shamble GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -scull MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -impulsar_con_espadilla MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -scum REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -scythe CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -guadañar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -seal DECIDE_DETERMINE I-Agent I-Theme I-Attribute I-Goal I-Instrument I-Source B-Agent B-Theme B-Attribute B-Goal B-Instrument B-Source B-V I-V O -seal CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -seal SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -seal COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -seal HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -varnish COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -barnizar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -charolar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -cazar_focas HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -lacrar CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -seam SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -poner_asientos LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -poner_un_asiento LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -sit_down ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -sit_down LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sentar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -sentar LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sentarse ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -sentarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -seclude ISOLATE I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -anticiparse_a SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -adelantarse_a SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -desgajar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -section DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -segment DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -segment SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -segmentar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -segmentar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -sectionalise DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -sectionalize DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -seccionalizar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -regionalizar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -secularise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -sediment FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -sedimentar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -consulter MEET I-Cause I-Theme I-Co-Theme B-Cause B-Theme B-Co-Theme B-V I-V O -see_double SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -ver_doble SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -see_eye_to_eye AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -see_through FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -see_through PERCEIVE I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -see_through CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -seed REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -seed BURY_PLANT I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -seed FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -seed THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -seed POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -seed INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -seed GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -seed CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -granar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -granar GENERATE I-Agent I-Product I-Patient I-Beneficiary I-Attribute B-Agent B-Product B-Patient B-Beneficiary B-Attribute B-V I-V O -granar POSSESS I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -preseleccionar CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -preseleccionar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -seek_out SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -seel BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -seesaw PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -seesaw TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -teeter-totter PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -teetertotter PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -teeter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -segmentarse SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -segregate DISBAND_BREAK-UP I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -segregate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -segue CONTINUE I-Agent I-Theme I-Destination I-Co-Agent I-Attribute I-Instrument I-Source B-Agent B-Theme B-Destination B-Co-Agent B-Attribute B-Instrument B-Source B-V I-V O -pescar_con_jábega HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -seine HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -autodestruirse DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -self-destroy DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -self-destruct DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -autodestruir DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -vendre SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -sell_off SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -dévaloriser SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -dévaloriser SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -sell_short SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -sell_short SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -semaphore TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -semaphore SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -semi-automatise AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -semi-automatize AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -semiautomatizar AUTOMATIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -envoyer SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -send_out SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -cursar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -cursar SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -send_a_message INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -send_around PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -hacer_circular PUBLISH I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -send_in GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -send_in SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -sentido UNDERSTAND I-Experiencer I-Stimulus I-Attribute B-Experiencer B-Stimulus B-Attribute B-V I-V O -sensibilise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sensibilize TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sensibilizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sensibilizar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sensitize AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sensitize TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sensitize COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sensitize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sensitise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sensitise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sensitise COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sensitise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -concienciar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sensify TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sensibiliser AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sensibiliser TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sensibiliser COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sensibiliser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -ponerse_sentimental BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -sentimentise BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -sentimentalize BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -sentimentalize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sentimentalize REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sentimentalise BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -sentimentalise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sentimentalise REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sentimentize BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -secuenciar VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -secuenciar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -sequence VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -sequence SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -séquencer VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -ordonner VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -serenade PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sérénader PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -dar_una_serenata PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -seriar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -serialise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -publicar_por_entregas SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -serialize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -hacer_en_serie SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -hacer_formas_aserradas SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -serrate SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cumplir_servico WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -estar_enrolado WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -service HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -service PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -service HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -servir_para HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -serve_well HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -sic INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -typeset PRINT I-Agent I-Theme I-Beneficiary I-Destination B-Agent B-Theme B-Beneficiary B-Destination B-V I-V O -set_afire BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -set_on_fire BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -pegar_fuego_a BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -set_ablaze BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -set_aflame BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -alcanzar_la_orilla AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -musicar CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -set_to_music CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -se_desploma FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -sellar_la_disputa SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -llegar_a_un_acuerdo SETTLE_CONCILIATE I-Agent I-Theme I-Co-Agent I-Attribute B-Agent B-Theme B-Co-Agent B-Attribute B-V I-V O -sexar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sexualize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sexualise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -matizar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -matizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -matizar DIVERSIFY I-Agent I-Patient I-Result I-Instrument I-Source I-Extent B-Agent B-Patient B-Result B-Instrument B-Source B-Extent B-V I-V O -shade_off DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -shadowbox FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -poner_un_eje STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -shag DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -shake_hands BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -estrechar_la_mano BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -dar_la_mano BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -chocarla BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -succuss MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -gisement REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -shoal REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -shallow REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -hacer_superficial REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -perder_profundidad REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -hacer_poco_profundo REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -shamanize PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -shamanise PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -avergonzarse OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -shampoo WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -shank HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -partager SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -shark DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -shark HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -cazar_tiburones HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -sharpshoot SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -shatter BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -destrozarse BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -rasurar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -rasurar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -afeitar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -barbear CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -rasurarse CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -raser CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -afeitarse CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -sheathe CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -sheathe COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sheathe INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -clavarse CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -envainar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -enfundar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -sheet METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -sheet ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -desenvainar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desenvainar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -shell_stitch SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -shellac COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -laquear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -shellack COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -shelter BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -shelter TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -shepherd WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -shepherd ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -cambiar_velocidades CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -shill DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -hacer_visos LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -brillar_tenuemente LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -rielar LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -shimmer LIGHT_SHINE I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -shimmy DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -shimmy MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -bailar_el_shimmy DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -tiritar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -shingle COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -shipwreck FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -shipwreck UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -shipwreck DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -shirr COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -encamisarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -shirt DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -encamisar DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -estremecer AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -estremecer MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -shudder MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -frissonner MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -shiver MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -frémir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -vibrer MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -trembler MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tressaillir MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -patearse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -recorrerse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -traipse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -causar_un_trauma HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -traumatize HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -traumatise HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -traumatizar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -agavillar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -gavillar GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -choquear CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -ébranler CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -calzarse DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -shoe DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -shoehorn PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -façonner PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -shoetree EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -shoo_off DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -shoo_away DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -echar_a_gritos DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -shoo DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -shoot_craps PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -shoot_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -shoplift STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -cortocircuitar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -short MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -short DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -sisar DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -acortarse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -shortlist CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -echarse_al_hombro MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -shoulder RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -shoulder CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -shoulder MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -shoulder_in MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -shout_down MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -callar_a_gritos MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -vociferate SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -dar_empujones MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -shovel EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -quitar_con_pala EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -usher DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -poner_de_manifiesto SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -show_the_door ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -duchar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -duchar WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -ducharse WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -llover_profusamente METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -caer_un_chaparrón METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -shower_down METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -asperjar THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -asperger THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -shrimp HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -mustiarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -shrivel_up SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -debilitarse SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -debilitarse WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -mustiar SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -shrivel SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -shrivel REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -shrinkwrap ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -hausser_les_épaules SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -levantar_los_hombros SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -shrug SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -shrug_off DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -shuck REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -shunt CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -shunt DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -shush MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -hacer_callar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -shutter CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -shuttle GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -shuttlecock THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -shy THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -shy BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -respingar BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -shy_away_from ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -pronunciar_con_sibilante PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -se_enferman HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -side FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -side-slip FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -derrapar FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -derrapar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -sideline DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -sideswipe HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -desplazarse_furtivamente TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sift TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sift VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -sift SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -sasser SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -tamiser SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -cernir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -suspirar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -suspirar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sigh SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -sigh BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sight DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -sight SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -avistar SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -sight-read PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sightread PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sight-sing PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sightsing PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sightsee VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -subscribir FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -subscribir WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -subscribir OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -signer WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -sign_over GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -sign_away GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -sign_off TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -signpost SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -silhouette SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -silhouette REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -siluetear REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -siluetar REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -silkscreen COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -estampar_por_serigrafía COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -silt_up STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -encenagarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -silt STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -silver COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -silver COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -platear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -platear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -silverplate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -argentar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -silver-plate COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -bañar_en_plata COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -simmer COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -encerar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -encerar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -abrillantar_con_cera EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -pulir_con_cera EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -simonise EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -simonize EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -sonreír_afectadamente LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -smirk LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -simper LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -sonreír_burlonamente LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -simplify SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -whistle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whistle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -whistle TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -whistle PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -whistle SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -siffler MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chanter SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -sing_along SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_en_conjunto SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -chamuscarse BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -swinge BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -socarrar BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -single HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -single_stitch SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -single_crochet SEW I-Agent I-Patient I-Instrument I-Material I-Product B-Agent B-Patient B-Instrument B-Material B-Product B-V I-V O -sous-sélectionner CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -escoger_uno CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -choisir_un CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -singsong SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -singsong MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -singularise DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -singularizar DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -singularize DISTINGUISH_DIFFER I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -slide_down FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -sinter CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sip DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -sorber MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sorber EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -sorber ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -sorber DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -sorber ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -siroter DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -siphon EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -siphon MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -syphon EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -siphon_off EMPTY_UNLOAD I-Agent I-Source I-Theme I-Destination I-Instrument I-Extent B-Agent B-Source B-Theme B-Destination B-Instrument B-Extent B-V I-V O -agazaparse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -estar_sentado LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sit_around LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sit_back WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -sit_back LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -take_it_easy LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sit_by WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -cruzarse_de_brazos WATCH_LOOK-OUT I-Agent I-Theme I-Instrument I-Goal I-Attribute B-Agent B-Theme B-Instrument B-Goal B-Attribute B-V I-V O -sit_in ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sit_in PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -asistir_de_oyente ATTEND I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sit_out ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -sit_out TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -sit_tight REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -sit_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sit_up LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -trasnochar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -stay_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -size ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -size SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -size COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -grésiller BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -grésiller MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -grésiller CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sizzle BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sizzle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -sizzle CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -bailar_ska DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -skank DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -skate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -skateboard MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -salir_pitando LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -skedaddle LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -pirarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -skew SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -espetar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -espetar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -skewer HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -esquiar TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ski TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -ski_jump JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -saltar_en_esquíes JUMP I-Theme I-Patient I-Source I-Destination I-Cause I-Extent B-Theme B-Patient B-Source B-Destination B-Cause B-Extent B-V I-V O -skid RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -skid STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -skid GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -patinazo STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -déraper GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -elevar_en_plataforma RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -slide MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -slide OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -slide GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -examinar_ligeramente READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -leer_por_encima READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -skim_over GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -skim_over READ I-Agent I-Theme I-Recipient I-Topic B-Agent B-Theme B-Recipient B-Topic B-V I-V O -skimcoat COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -skin-dive DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -skin_over HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -skin_pop INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -bañarse_en_cueros DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -skinny-dip DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -skip-bomb ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -hacerse_humo LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -take_a_powder LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -skip_town LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -skipper WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -patronear WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -skirl PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -skirl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -escaramuzar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -skirmish FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -skittle PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -skive REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -sky_dive FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -skydive FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -skyjack BRING I-Agent I-Theme I-Destination I-Source I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Attribute B-Beneficiary B-V I-V O -gallofear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -zanganear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -retardar SLOW-DOWN I-Agent I-Patient I-Source I-Destination B-Agent B-Patient B-Source B-Destination B-V I-V O -slag CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -escorificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -slalom PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -eslalon PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -slam-dunk ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -slam-dunk SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -smasher ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -smasher SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -slap HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -gifler HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -souffleter HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -calotter HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -talocher HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -tasajear REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -slat LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -slat CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -cubrir_de_tablillas LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -slate PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -slate PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -slate COMPETE I-Agent I-Co-Agent I-Goal I-Cause B-Agent B-Co-Agent B-Goal B-Cause B-V I-V O -empizarrar PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -poner_en_agenda PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -slather PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -andar_en_trineo MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -sleigh MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -sled MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -sledge MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -sledge CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -sledge HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -ir_en_trineo MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -transportar_en_trineo CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -sledgehammer HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -sleek WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -slick EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -slick WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -brillantiner EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -brillantiner WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -slick_down EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -sleek_down EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -sleep_late SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -habérsele_pegado_a_uno_las_sábanas SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -dormirla DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -sleep_off DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -stay_over STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -sleep_over STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -quedarse_a_dormir STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -pasar_la_noche STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -sleepwalk TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -somnambulate TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sleet METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -caer_aguas_lluvia METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -cellisquear METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -slenderise REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -snoop SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -sleuth SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -slice CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -slice HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -trancher CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -slit CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -slice_up CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -rebanar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -slice_through TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -slice_into TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -spruce EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -slick_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -smarten_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -spruce_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -emperejilar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -titivate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -atildar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -emperifollar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -tittivate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -spiff_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -slither OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -slime COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -slink GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -delizar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -slip_one's_mind REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -steal SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -steal GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -steal STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -sneak_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -sneak_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -steal_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -sneak_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -slip_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -slip_on DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -slip_up MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -cometer_un_error MISTAKE I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -sliver BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -sliver CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -liarse_a_puñetazos HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -currar HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -sloganeer CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -slop SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -slop PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -slop NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -slop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -swill NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -swill DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -slosh THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -slosh MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -slosh TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -écrabouiller SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -écrabouiller TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -squish SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -squish TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -slosh_around THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -slush THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -slush MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -slush_around THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -slot PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -slouch CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -slouch TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -andar_desgarbadamente TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -caer_en_recesión CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -slough_off DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -slough_off SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -correr_a_raudales FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -sluice_down FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -slum ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -embarullarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -atropellarse SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -barbotear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -slurp EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -thwack HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -relamerse MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -chapurrear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -stink_up ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -stink_out ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -smell_up ODORIZE I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -smelt HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sourire SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -sourire LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -smile SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -smile LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -sonreír LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -smock EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -adornar_con_frunces EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -fumar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -fumer BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -smoke_out DRIVE-BACK I-Agent I-Theme I-Source I-Destination I-Instrument I-Attribute B-Agent B-Theme B-Source B-Destination B-Instrument B-Attribute B-V I-V O -smoulder BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -smoulder FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -smolder BURN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -smolder FEEL I-Experiencer I-Stimulus I-Destination B-Experiencer B-Stimulus B-Destination B-V I-V O -spoon TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -spoon EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -smooch TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -smooth_out UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -faire_de_la_contrebande CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -smuggle CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -smut WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -smut DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -smut HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -smut CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -hace_obsceno WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -hacer_obsceno WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -snafu CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -cortar_irregularmente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -snag CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -snag OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -snag HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -buscar_caracoles GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -snail GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -serpenter GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -serpenter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -serpenter SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -snake GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -snake TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -snake SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -culebrear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -snatch_up CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -snap_back HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sneer SIGN I-Agent I-Theme I-Patient I-Recipient B-Agent B-Theme B-Patient B-Recipient B-V I-V O -sneer LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -estornudar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sneeze BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -desviar_ligeramente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -reírse_disimuladamente LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -reírse_con_disimulo LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -snigger LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -snicker LAUGH I-Agent I-Topic I-Recipient I-Attribute I-Result I-Destination B-Agent B-Topic B-Recipient B-Attribute B-Result B-Destination B-V I-V O -sniff BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sniff SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -esnifar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -oliscar SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -sorber_los_mocos BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -snooker STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -snooker DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -bucear_con_esnórquel DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -snorkel DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -bufar MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -take_a_hit BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -nevar METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -neiger METEOROLOGICAL I-Agent I-Theme I-Goal B-Agent B-Theme B-Goal B-V I-V O -snow-blind BLIND I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -snowball THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -snowball INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -snowboard MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -ir_en_motonieve MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_motonieve MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -snowmobile MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -snowshoe MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -priser BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -moucher BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -moucher SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -snuff BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -snuff SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -respirar_ruidosamente SMELL I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -soak_through PERMEATE I-Theme I-Agent I-Destination B-Theme B-Agent B-Destination B-V I-V O -soar_up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -soar_upwards INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -zoom INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -zoom RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -zoom TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -sob CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -desemborrachar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desemborrachar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -sober_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sober_up HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -desintoxicarse HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -socialize TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -socialize PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -socialize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -socializar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -socializar PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -socializar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -socialise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -socialise PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -socialise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -ser_social PARTICIPATE I-Agent I-Theme B-Agent B-Theme B-V I-V O -sod COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -ablandar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -ablandar REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -ablandar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -ablandar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -soft-pedal DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -soft-soap FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -soft-soap PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -soft-solder REPAIR_REMEDY I-Agent I-Patient I-Beneficiary B-Agent B-Patient B-Beneficiary B-V I-V O -reblandecer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -reblandecer REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -reblandecer UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -reblandecer WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -reblandecerse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -sojourn SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -sobreexponer_al_sol SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -soldar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -souder JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -solder JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -militar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -soldier WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -solemnize CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -solemnize EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -solemnize APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -solemnise CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -solemnise EMCEE I-Agent I-Patient B-Agent B-Patient B-V I-V O -solemnise APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -solemnizar CELEBRATE_PARTY I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -solemnizar APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -solidify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -solidificar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -solidificarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -solmizate SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -solfear SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -solo PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -solo FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -volar_en_solitario FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -volar_sin_acompañante FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -pilotear_solo FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -solvate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -somersault PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sonnet CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -sonnet APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -sonetear CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -sonetear APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -escribir_sonetos APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -enhollinar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -soot COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -sofisticar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -sofisticar COMPLEXIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -sorb ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -sorcerise BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -sorcerize BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -dar_la_alarma MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tener_pinta SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -voice SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -voice PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -hacer_sonar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -strike_up PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -strike_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -insonorizado CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -soundproof CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -soup GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -source LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -source OBTAIN I-Agent I-Theme I-Source I-Asset I-Destination I-Instrument B-Agent B-Theme B-Source B-Asset B-Destination B-Instrument B-V I-V O -sovietize COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -sovietise COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -soviétiser COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -sovietizar COMMUNIZE I-Agent I-Patient B-Agent B-Patient B-V I-V O -autocomplacerse EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -sow_one's_oats EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -sow_one's_wild_oats EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -space PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -espaciar PLAN_SCHEDULE I-Agent I-Theme I-Beneficiary I-Time I-Goal I-Attribute B-Agent B-Theme B-Beneficiary B-Time B-Goal B-Attribute B-V I-V O -spacewalk TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -spade EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -spam SEND I-Agent I-Destination I-Theme B-Agent B-Destination B-Theme B-V I-V O -spar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -spar FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -spar ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -poner_vergas LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -depositar_ovas GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -spatchcock INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -spatchcock COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -entrelarder INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -entrelarder COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -frezar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -desovar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -parler SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -speak_for REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -hablar_por REPRESENT I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -speak_in_tongues SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -speak_of_the_devil CITE I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -alzar_la_voz SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -spear_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -spear HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -spear RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -spearhead LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -especializar FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -speck DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -stipple PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -stipple CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -spectate SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -speechify SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -speed_skate PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -deletrear EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -deletrear WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -deletrear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -spell_out SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -spell_out EXPLAIN I-Agent I-Recipient I-Topic I-Attribute I-Instrument I-Location B-Agent B-Recipient B-Topic B-Attribute B-Instrument B-Location B-V I-V O -spell_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -épeler WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -écrire WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -explicitar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -zest COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -spice AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -spice COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -especiar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -spice_up AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -spice_up COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -impedir_el_paso STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -spike_out GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -spin_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hilar SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -hilar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -spin-dry DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -spin_off CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -spirit_off DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -spirit_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -spirit_away DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -hacer_desaparecer DISAPPEAR I-Agent I-Patient I-Location I-Extent I-Destination B-Agent B-Patient B-Location B-Extent B-Destination B-V I-V O -spiritise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -spiritize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -spiritualise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -spiritualise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -soltarla SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -splutter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -splutter EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -splat MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -splat FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -ébraser OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -splint STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -splotch DIRTY I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -componer_espondeos CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -spondaise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -spondaize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -pasar_una_esponja WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sponge_down WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lavar_con_esponja WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -pasar_la_esponja WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sponge_off WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sponge_on PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -sponge_up ABSORB I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -spook CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -spool ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -spool TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -cucharear EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -spoonfeed NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -spoonfeed TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -materner NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -materner TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -sportscast TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -sporuler MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -sporuler CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -sporulate MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -sporulate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -esporular CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -spot-check VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -controlar_por_muestreo VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -soldar_por_puntos ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -spotweld ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -spot-weld ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -spot_jam STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -spot_promote PROMOTE I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -repanchigarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sprawl LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -sprawl CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -repantigarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -arrellanarse CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -spray SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -spray WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -spray COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -spray-dry DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -despatarrarse EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -despatarrarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -despatarrar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -string_out SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -ir_de_parranda ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -spree ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -spring-clean WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -limpiar_a_fondo WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -sprint RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -esprintar RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -spritz SPILL_POUR I-Agent I-Theme I-Source I-Destination B-Agent B-Theme B-Source B-Destination B-V I-V O -spritz WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -espuelear LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -rachear AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -haber_ráfaga AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -haber_borrasca AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -haber_temporal AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -wawl MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -waul MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -ponerse_derecho SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -sacar_pecho SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -square_dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_en_cuadrilla DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -squeak_through LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -escurrir EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -escurrir WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -squeegee WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -squeeze_for OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -wring_out EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -ponerse_bizco FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -loucher FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -squint EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -squint FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -entornar FACIAL-EXPRESSION I-Agent I-Recipient I-Patient I-Cause B-Agent B-Recipient B-Patient B-Cause B-V I-V O -bizquear EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -escuderear WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -escuderar WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -squire WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -writhe MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -wrestle FIGHT I-Agent I-Co-Agent I-Topic B-Agent B-Co-Agent B-Topic B-V I-V O -wrestle THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -wrestle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -worm MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -wriggle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -squirm MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -estabular TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -stable TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -staff LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -staff WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -proveer_de_personal LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -stage_direct LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -estancarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -paralizarse STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stagner STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stale EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -quedar_en_tablas STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -hacer_tablas STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stalemate STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stalinize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -stalinise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -traquer HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pisotear HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pisotear TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -stomp TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -estampillar CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -stampede BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -stampede CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stampede LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -stampede MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -salir_en_estampida LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -desbandarse LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -estar_en_vigor REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -estar_vigente REMAIN I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -stick_around WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -stick_around STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -estar_dispuesto WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -stick_about WAIT I-Agent I-Theme I-Extent I-Location I-Goal B-Agent B-Theme B-Extent B-Location B-Goal B-V I-V O -stand_still STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -estar_inmóvil STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -quedarse_quieto STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -standardize ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -standardize MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -standardise ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -standardise MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -estandardizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -estandardizar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -estandarizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -estandarizar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -agrafer ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -staple ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -starboard TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -virar_a_estribor TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -amidonner STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -starch STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -almidonar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -mirar_las_estrellas SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -poner_en_marcha START-FUNCTIONING I-Agent I-Patient B-Agent B-Patient B-V I-V O -perche HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -perche LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -stave_in HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -stave_in BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -desfondar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -desfondar BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -stave HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -stave LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -poner_peldaños LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -stay_put STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -stay_at STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -stay_in_place STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stick_together EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -permanecer_juntos EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -stay_together EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -quedarse_juntos EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -limpiar_con_vapor WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -steam CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -steam COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -steam EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -steam MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -steam WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -steam RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -limpiar_al_vapor WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -steam_clean WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -cocer_al_vapor COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -despedir_vapor EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -echar_vapor EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -steamer MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -steam-heat HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -steamroll CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -steamroll FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -steamroll GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -steamroll DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -steamroller CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -steamroller FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -steamroller GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -steamroller DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -steepen INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -steepen INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -empinar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -hacer_empinado INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -stencil COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -estarcir COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -stenograph WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -estenografear WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -tread LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tread MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -tread TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tread HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -tread PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -dar_un_paso PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -pisar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -pisar FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -pisar PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -step_on PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -tread_on PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -step_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -stet ORDER I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -stet CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -estofar COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -encargarse_de BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -piquer HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -estoquear HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -ficher HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -stickle QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -entestarse QUARREL_POLEMICIZE I-Agent I-Co-Agent I-Theme B-Agent B-Co-Agent B-Theme B-V I-V O -agarrotarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -inmobilizar STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -still-fish HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -grabar_con_puntos CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -susciter CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -stir_fry COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -empalizar STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -stockade STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -stoke INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -stonewash EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -stone-wash EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -stonewall DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -stonewall STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -contestar_con_evasivas STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -stooge BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -stooge PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -stooge MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -tiller GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -someterse_a AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -stoop_to AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -stopple CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -surprise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -surprise ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -stow FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -stow_away CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -esparrancarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -a_horcajadas LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -ahorcajarse LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -strafe ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -desencorvar STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -tensarse CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tensarse AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -tensarse EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -tense CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tense AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -tense EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -estresar AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -tense_up CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tense_up AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -poner_a_prueba VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -étrangler KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -stranguler KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -strangulate KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -strangulate PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -estrangularse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -atar_con_correa SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -stratify ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -stratify OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -stratify DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -stratifier ALTERNATE I-Agent I-Theme I-Co-Theme I-Result B-Agent B-Theme B-Co-Theme B-Result B-V I-V O -stratifier OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -stratifier DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -estratificar OVERLAP I-Agent I-Patient I-Co-Patient I-Extent B-Agent B-Patient B-Co-Patient B-Extent B-V I-V O -estratificar DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -litière COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -litière CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -straw COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -straw CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -strew COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -strew CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -well_out FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -streamline SIMPLIFY I-Agent I-Patient B-Agent B-Patient B-V I-V O -streetwalk SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -street-walk SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -reforzarse STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -tone_up HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -étirer EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -stretch_along COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -darse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -striate PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -strickle FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -stride TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -stride GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -golpear_secamente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -walk_out LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -walk_out GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -walk_out OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -hacer_la_huelga OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -abandonar_el_trabajo OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -hacer_huelga OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -estar_en_huelga OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -faire_la_grève OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -declararse_en_huelga OPPOSE_REBEL_DISSENT I-Agent I-Patient I-Theme I-Instrument B-Agent B-Patient B-Theme B-Instrument B-V I-V O -strike_a_blow AFFECT I-Stimulus I-Experiencer I-Instrument I-Theme I-Agent B-Stimulus B-Experiencer B-Instrument B-Theme B-Agent B-V I-V O -meter_el_dedo_en_la_llaga AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -touch_a_chord AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -tirar_una_cuerda AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -terrasser KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -foudroyer KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -strike_dumb CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -string_along TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -desfibrar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -strip-search SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -surface_mine EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -strip_mine EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -surface-mine EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -stripe PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -stroke TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -stroke MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -stroke FLATTER I-Agent I-Patient I-Topic B-Agent B-Patient B-Topic B-V I-V O -stroke HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -afilar_con_correa SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -strop SHARPEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -estructurar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -structure SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -rasguear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -strum PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -stub REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -stub FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -stub EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -stub HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -stucco COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -stucco EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -estucar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -estucar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -faire_des_études WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -dejar_por_inútil PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -stunt PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -stunt STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -intitular NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -style NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -style HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -style EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -subdividir SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -subdiviser SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -subdivide SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -subordinar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -subordinate SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -supeditar SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -subject SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -subject CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -subject PROPOSE I-Agent I-Topic I-Recipient I-Goal I-Attribute B-Agent B-Topic B-Recipient B-Goal B-Attribute B-V I-V O -subjoin JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -realquilar LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -subarrendar LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -sublet LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -sublease LEND I-Agent I-Recipient I-Theme I-Asset I-Extent B-Agent B-Recipient B-Theme B-Asset B-Extent B-V I-V O -sublime CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -subluxar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -subluxate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -submarine FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -submarine THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -submarine ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -submarine HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -submarine DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -sous-marin FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -sous-marin THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -sous-marin ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -sous-marin HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -sous-marin DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -submerse DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -se_résigner AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -suborn INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -suborn FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -suborner INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -suborner FAKE I-Agent I-Theme B-Agent B-Theme B-V I-V O -subpoena SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -subrogate REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -souscrire BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -souscrire OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -subscribe_to BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -subscribirse BUY I-Agent I-Theme I-Asset I-Source I-Beneficiary B-Agent B-Theme B-Asset B-Source B-Beneficiary B-V I-V O -subserve HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -subvencionar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -subsidize FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -subsidiar FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -subsidise FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -subtilise AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -subtitular LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -subtitle LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -suburbanise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -suburbanize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -subvent FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -subvention FOLLOW_SUPPORT_SPONSOR_FUND I-Agent I-Beneficiary I-Instrument I-Goal I-Attribute B-Agent B-Beneficiary B-Instrument B-Goal B-Attribute B-V I-V O -subvocalise PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -subvocalize PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -succor HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -succour HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -chuparse ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -succionar ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -suction ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -tender_a UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -ser_dado_a UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -suffix ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -sulfatar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -sulfatar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sulfate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -sulphur TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sulfur TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -azufrar TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -sulfurette COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -sulphurette COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -récapituler SUMMARIZE I-Agent I-Topic I-Beneficiary I-Result B-Agent B-Topic B-Beneficiary B-Result B-V I-V O -summer SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -summerize PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -summerise PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -convoquer SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -mander SUMMON I-Agent I-Patient I-Location I-Beneficiary I-Cause I-Goal B-Agent B-Patient B-Location B-Beneficiary B-Cause B-Goal B-V I-V O -sunbathe SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -tomar_el_sol SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -sunder BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -suntan COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -sup EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -superannuate DECREE_DECLARE I-Agent I-Result I-Theme I-Topic I-Recipient I-Attribute B-Agent B-Result B-Theme B-Topic B-Recipient B-Attribute B-V I-V O -superannuate SPOIL I-Patient I-Cause I-Result B-Patient B-Cause B-Result B-V I-V O -superannuate DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -superannuate RESIGN_RETIRE I-Agent I-Source B-Agent B-Source B-V I-V O -dar_la_invalidez DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -superfetate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -superinfect CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -superordinate SUBJUGATE I-Agent I-Patient I-Cause I-Instrument B-Agent B-Patient B-Cause B-Instrument B-V I-V O -superscribe WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -supervene RESULT_CONSEQUENCE I-Agent I-Theme I-Goal I-Instrument I-Co-Agent I-Attribute B-Agent B-Theme B-Goal B-Instrument B-Co-Agent B-Attribute B-V I-V O -supinate TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -supple UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -flexibilizar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -suplementar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -supplicate ASK_REQUEST I-Agent I-Recipient I-Theme I-Attribute I-Goal B-Agent B-Recipient B-Theme B-Attribute B-Goal B-V I-V O -faire_du_surf MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -surfboard MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -hacer_surf MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -tide RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -tide CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -tide MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -encresparse RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -suspecter BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -sospechar BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -surmise BELIEVE I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -surmise INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -surprendre CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -surtax CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -susurrate MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -suture JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -suturar JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -envolver_en_mantillas DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -swaddle DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -swathe DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -swage SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -unsay SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -swap REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -swap MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -swop REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -swat HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -swatter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -hacer_jurar AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -swear_in AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -jurar_el_cargo AFFIRM I-Agent I-Theme I-Recipient I-Attribute B-Agent B-Theme B-Recipient B-Attribute B-V I-V O -jurar_renunciar_a GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -swear_off GUARANTEE_ENSURE_PROMISE I-Agent I-Theme I-Beneficiary I-Attribute I-Instrument B-Agent B-Theme B-Beneficiary B-Attribute B-Instrument B-V I-V O -adelgazar_sudando REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -sweat_off REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -swing_out MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -columpiar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -sweep_off CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sweep_away CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -sweep_away CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -sweep_under_the_rug CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -well FLOW I-Cause I-Theme I-Source I-Destination B-Cause B-Theme B-Source B-Destination B-V I-V O -well_up BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -swelter HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -étouffer_de_chaleur HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -enjuagarse DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -swill_down DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -nager DIP_DIVE I-Agent I-Patient I-Destination I-Instrument I-Extent I-Source I-Goal I-Location I-Co-Patient B-Agent B-Patient B-Destination B-Instrument B-Extent B-Source B-Goal B-Location B-Co-Patient B-V I-V O -swing_over INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -swing_around TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -swing_about TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -girarse TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -switch-hit HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -mettre_en_marche OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -switch_on OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -swoop_up CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -lanzarse_en_picado GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -syllabize PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -syllabize SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -syllabise PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -syllabise SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -silabificar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -syllabicate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -syllabify SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -silabear PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -silabear SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -syllogise INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -razonar_por_silogismos INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -syllogize INFER I-Agent I-Theme I-Source I-Co-Agent B-Agent B-Theme B-Source B-Co-Agent B-V I-V O -symmetrize MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -symmetrise MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -simetrizar MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -hacer_simétrico MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -sinfonizar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -symphonize PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -symphonise PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sync ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -sincronizarse MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -syncoper MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -syncoper PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -sincopar MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -sincopar PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -syncopate MISS_OMIT_LACK I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -syncopate PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -syncretise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -syncretize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -syndicate ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -syndicate SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -synthesise HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -synthesize CREATE_MATERIALIZE I-Agent I-Result I-Material I-Beneficiary I-Attribute I-Co-Agent I-Product B-Agent B-Result B-Material B-Beneficiary B-Attribute B-Co-Agent B-Product B-V I-V O -synthesize HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -syringe INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -jeringar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -sistematizar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -systemize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -systematise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -sistemar SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -systematize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -systemise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -tabularise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -tabulate SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -tabulate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -tabularize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -taboo PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -declarar_tabú PRECLUDE_FORBID_EXPEL I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -wear_round TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -placar FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -hacer_una_entrada ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -tag_along ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -ir_a_rebufo FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -tailgate FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -conducir_sin_distancia_de_seguridad FOLLOW-IN-SPACE I-Agent I-Theme I-Location B-Agent B-Theme B-Location B-V I-V O -emprunter MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -take_a_bow APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -take_a_bow RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -take_a_dive PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -hacer_tongo PRETEND I-Agent I-Theme B-Agent B-Theme B-V I-V O -take_a_joke TOLERATE I-Agent I-Theme I-Beneficiary I-Attribute B-Agent B-Theme B-Beneficiary B-Attribute B-V I-V O -salir_a MATCH I-Agent I-Theme I-Co-Theme I-Attribute B-Agent B-Theme B-Co-Theme B-Attribute B-V I-V O -take_charge LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -take_control LEAD_GOVERN I-Agent I-Theme I-Instrument I-Beneficiary I-Attribute B-Agent B-Theme B-Instrument B-Beneficiary B-Attribute B-V I-V O -take_effect OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -take_five REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -tomarse_cinco_minutos REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -asilar TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -dar_albergue TAKE-SHELTER I-Theme I-Location I-Attribute I-Agent B-Theme B-Location B-Attribute B-Agent B-V I-V O -take_in_charge AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -take_in_vain VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -tomar_en_vano VIOLATE I-Agent I-Theme I-Goal I-Instrument B-Agent B-Theme B-Goal B-Instrument B-V I-V O -take_it_on_the_chin FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -frustrarse FAIL_LOSE I-Cause I-Agent I-Theme I-Source I-Destination I-Extent I-Location I-Co-Agent B-Cause B-Agent B-Theme B-Source B-Destination B-Extent B-Location B-Co-Agent B-V I-V O -take_kindly_to AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -take_lying_down BURDEN_BEAR I-Agent I-Theme I-Recipient B-Agent B-Theme B-Recipient B-V I-V O -tomar_nota FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -take_notice FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -take_time_off STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -ser_fatal KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -take_office BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -ordenarse ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -take_orders ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -take_orders OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -desempaquetar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desempaquetar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -unpack SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -take_the_stage ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -take_stage ATTRACT_SUCK I-Agent I-Patient I-Source I-Instrument I-Destination B-Agent B-Patient B-Source B-Instrument B-Destination B-V I-V O -take_ten REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -tomarse_diez_minutos REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -tomarse_10_minutos REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -take_the_air TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -walk BEHAVE I-Agent I-Attribute I-Recipient I-Cause B-Agent B-Attribute B-Recipient B-Cause B-V I-V O -walk OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -walk SCORE I-Agent I-Theme I-Co-Agent B-Agent B-Theme B-Co-Agent B-V I-V O -walk MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -walk TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -walk ACCOMPANY I-Agent I-Theme I-Source I-Destination I-Attribute B-Agent B-Theme B-Source B-Destination B-Attribute B-V I-V O -walk GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -walk ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -walk GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -tomar_el_aire TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -take_the_bull_by_the_horns FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -llevarse_el_pastel WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -take_the_cake WIN I-Agent I-Patient I-Theme I-Co-Agent I-Beneficiary I-Asset B-Agent B-Patient B-Theme B-Co-Agent B-Beneficiary B-Asset B-V I-V O -tomar_el_terreno GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -take_the_fifth_amendment REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -take_the_fifth REFUSE I-Agent I-Theme I-Goal I-Attribute I-Recipient I-Cause B-Agent B-Theme B-Goal B-Attribute B-Recipient B-Cause B-V I-V O -take_the_floor BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -take_the_floor DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -tomarse_la_pista DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -take_the_road PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -take_the_veil CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -take_time_by_the_forelock CARRY-OUT-ACTION I-Cause I-Agent I-Patient I-Goal I-Instrument B-Cause B-Agent B-Patient B-Goal B-Instrument B-V I-V O -acoostumbrarse BEGIN I-Agent I-Theme I-Source I-Instrument I-Attribute I-Goal B-Agent B-Theme B-Source B-Instrument B-Attribute B-Goal B-V I-V O -take_water ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -talc PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -hablar_de DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -talk_of DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -talk_down SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -talk_down DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -talk_into PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -refiler PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -talk_out_of PERSUADE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -talk_shop DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -talk_turkey DISCUSS I-Agent I-Co-Agent I-Topic I-Attribute B-Agent B-Co-Agent B-Topic B-Attribute B-V I-V O -tampon CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -taponear CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -tango DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_tango DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -tank DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -tank RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -tank TREAT-WITH/BY I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -tapdance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -echar_mano SEARCH I-Agent I-Theme I-Location I-Goal B-Agent B-Theme B-Location B-Goal B-V I-V O -sacar_del_grifo REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tocar_suavemente HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -roscar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tap_dance DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -videotape RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -tape_record RECORD I-Agent I-Theme I-Attribute I-Destination I-Instrument B-Agent B-Theme B-Attribute B-Destination B-Instrument B-V I-V O -tar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -tar-and-feather PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -tariff CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -tart_up DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -tart_up EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -task ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -task BENEFIT_EXPLOIT I-Beneficiary I-Theme I-Purpose B-Beneficiary B-Theme B-Purpose B-V I-V O -tatuar PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -tattoo PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -gravar CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -team GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -team_up GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -llenarse_de_lágrimas CRY I-Agent I-Theme I-Topic I-Recipient B-Agent B-Theme B-Topic B-Recipient B-V I-V O -tear_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -tear_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -teargas ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -placer_sur_le_tee PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -placer_sur_le_tee JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -tee PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tee JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -tee_up PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tee_up PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -placer_la_balle_sur_le_tee PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -placer_la_balle_sur_le_tee PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -tee_off HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -percer_ses_dents DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -dentar DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -echar_los_dientes DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -endentecer DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -faire_ses_dents DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -teethe DEVELOP_AGE I-Theme I-Cause I-Attribute I-Instrument I-Material I-Product B-Theme B-Cause B-Attribute B-Instrument B-Material B-Product B-V I-V O -teetotal ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -televisar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -telecast TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -televise TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -telecomunicar COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -telecommunicate COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -telepathize COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -telepathise COMMUNICATE_CONTACT I-Agent I-Patient I-Topic I-Recipient B-Agent B-Patient B-Topic B-Recipient B-V I-V O -teletransportar TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -teleport TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -telescope REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -telescope PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -aplastarse PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -telex TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -temporise DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -temporize DELAY I-Agent I-Theme I-Extent I-Source I-Destination B-Agent B-Theme B-Extent B-Source B-Destination B-V I-V O -tenant STAY_DWELL I-Agent I-Theme I-Location I-Co-Theme B-Agent B-Theme B-Location B-Co-Theme B-V I-V O -tenderize REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -tenderise REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -licitar OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -ponerse_tenso CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -tesar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -atesar EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -tenure ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -dar_una_permanencia ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -term NAME I-Agent I-Theme I-Result I-Attribute B-Agent B-Theme B-Result B-Attribute B-V I-V O -arranger_en_terrasses MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -arranger_en_terrasses CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -terraplenar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -terraplenar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -terrace MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -terrace CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -cultivar_en_terrazas CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -aterrazar MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -aterrazar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -poner_terraza MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -terrasse MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -terrorise CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -terrorise OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -terrify CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -terrorize CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -terrorize OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -terroriser CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -terroriser OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -territorialise PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -territorialise EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -territorialise ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -territorialize PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -territorialize EXTEND I-Agent I-Theme I-Destination I-Extent I-Source I-Instrument B-Agent B-Theme B-Destination B-Extent B-Source B-Instrument B-V I-V O -territorialize ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -territorializar ORGANIZE I-Agent I-Theme I-Co-Theme I-Result I-Material I-Beneficiary I-Attribute B-Agent B-Theme B-Co-Theme B-Result B-Material B-Beneficiary B-Attribute B-V I-V O -horririzar OBLIGE_FORCE I-Agent I-Patient I-Goal I-Cause I-Attribute I-Source I-Instrument B-Agent B-Patient B-Goal B-Cause B-Attribute B-Source B-Instrument B-V I-V O -incrustar_con_mosaicos PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tessellate PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -tessellate FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -teselar FIT I-Agent I-Value I-Location B-Agent B-Value B-Location B-V I-V O -tester VERIFY I-Agent I-Theme I-Instrument I-Cause B-Agent B-Theme B-Instrument B-Cause B-V I-V O -test_drive TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -test_fly TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -tether SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -thatch COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -theme EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -theologize THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -theologize INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -theologise THINK I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -theologise INTERPRET I-Agent I-Theme I-Attribute I-Source B-Agent B-Theme B-Attribute B-Source B-V I-V O -thermostat ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -enflaquecerse REDUCE_DIMINISH I-Agent I-Patient I-Attribute I-Extent I-Source I-Goal I-Instrument I-Location B-Agent B-Patient B-Attribute B-Extent B-Source B-Goal B-Instrument B-Location B-V I-V O -think_out CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -think_the_world_of APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -think_twice CONSIDER I-Agent I-Theme I-Attribute I-Goal B-Agent B-Theme B-Attribute B-Goal B-V I-V O -tener_sed HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -thoriate COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -tickle TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -tickle AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -tickle ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -buscar_las_cosquillas ENJOY I-Experiencer I-Stimulus I-Instrument B-Experiencer B-Stimulus B-Instrument B-V I-V O -thrombose STOP I-Agent I-Theme I-Instrument I-Attribute I-Topic I-Location I-Extent I-Source I-Goal B-Agent B-Theme B-Instrument B-Attribute B-Topic B-Location B-Extent B-Source B-Goal B-V I-V O -entronar ASSIGN-smt-to-smn I-Agent I-Theme I-Result I-Source B-Agent B-Theme B-Result B-Source B-V I-V O -désarçonner KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -despeñar KNOCK-DOWN I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -jeter THROW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -toss_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -throw_back MOVE-BACK I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -thumbtack ATTACH I-Agent I-Patient I-Destination I-Instrument I-Attribute B-Agent B-Patient B-Destination B-Instrument B-Attribute B-V I-V O -dar_un_billete LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -cosquillar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -cosquillar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -cosquillear TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -cosquillear AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -chatouiller AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -titillate AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -hacer_cosquillas AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -corbata SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -tie-dye COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tighten_one's_belt RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -azulejar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -embaldosar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -alicatar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -tile COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -till GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -temporalizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -estañar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -tint COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -tinct COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -ting MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -trabajar_con_latas WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -tinsel WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -tinsel EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -dar_oropel EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -oropelar WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -oropelar EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -campanillear PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -tintinnabulate PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -topple FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -topple PRESS_PUSH_FOLD I-Agent I-Patient I-Instrument I-Product I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Product B-Extent B-Source B-Goal B-V I-V O -tippytoe MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tiptoe MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -dar_el_chivatazo INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -tip_off INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -tissue WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -diezmo PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -tithe PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -tithe CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -titrate MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -titrar MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -toe TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -toe MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -toe INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -toe HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -toenail INCLINE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -toe_the_line OBEY I-Agent I-Theme B-Agent B-Theme B-V I-V O -toggle LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -toggle LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -toggle SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -basculer LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -basculer LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -basculer SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -sujetar_con_cabilla LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -toilet-train TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -toll PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -toll CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -tomahawk CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -tomahawk KILL I-Agent I-Instrument I-Patient I-Location I-Attribute B-Agent B-Instrument B-Patient B-Location B-Attribute B-V I-V O -attaquer_en_coup_de_langue PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -attaquer_en_coup_de_langue TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -tongue PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -tongue TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -pasar_la_lengua TASTE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -tongue-tie EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -tonsure CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -equipar_con_herramientas LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -sonar_repetidamente PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -tootle PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -top_off FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -top_off FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -llenar_hasta_arriba FILL I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -topdress COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -topicalize EMPHASIZE I-Agent I-Theme I-Recipient I-Attribute I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Instrument B-V I-V O -perder_el_equilibrio FALL_SLIDE-DOWN I-Theme I-Source I-Destination I-Agent I-Extent I-Location I-Co-Theme B-Theme B-Source B-Destination B-Agent B-Extent B-Location B-Co-Theme B-V I-V O -torch DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -torpedear ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -torpedo ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -toss_in SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -totalize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -totalizar COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -totalise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -touch-type TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -touch_down LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -tomar_tierra LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -toughen STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -tour VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -hacer_un_tour VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -tourney FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -tornear FACE_CHALLENGE I-Agent I-Theme I-Goal I-Cause I-Instrument I-Attribute B-Agent B-Theme B-Goal B-Cause B-Instrument B-Attribute B-V I-V O -tornear SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -tow PULL I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-V I-V O -towel DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -pasar_una_toalla DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -calquer COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -calcar HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -calcar COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -seguirle_la_pista SEE I-Experiencer I-Stimulus I-Attribute I-Beneficiary B-Experiencer B-Stimulus B-Attribute B-Beneficiary B-V I-V O -trade_in CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -entregar_a_cambio CHANGE-HANDS I-Agent I-Theme I-Co-Agent I-Co-Theme B-Agent B-Theme B-Co-Agent B-Co-Theme B-V I-V O -traffic SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -entraîner TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -s'entraîner TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -adiestrarse TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -andar_en_tranvía MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -tram MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -tramp_down FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -trample HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -trample FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -trample TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -tread_down FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -piétiner HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -piétiner FLATTEN_SMOOTHEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -piétiner TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -transact ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -transaminate CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transcribir ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -transcribir WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -transcribe ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -transcribe WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -transcribe CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transcrire ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -transcrire WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -transcrire CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -translittérer WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -transliterate WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -transliterar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -transduce CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -transect DIVIDE I-Agent I-Patient I-Co-Patient I-Result B-Agent B-Patient B-Co-Patient B-Result B-V I-V O -transformer CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transformer CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transubstantiate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transubstantiate CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -trasformar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transsubstantier CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transsubstantier CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transmudar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transvasar GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -dar_transistores LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -transistorise LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -transistorize LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -transition CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -transitivize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transitivizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transitivise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -translocate MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -reubicar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -transpire EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -transpire REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -transpire EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -transpire HAPPEN_OCCUR I-Agent I-Theme I-Co-Theme I-Experiencer I-Location I-Attribute B-Agent B-Theme B-Co-Theme B-Experiencer B-Location B-Attribute B-V I-V O -transpirate EMIT I-Source I-Theme I-Destination I-Attribute I-Extent B-Source B-Theme B-Destination B-Attribute B-Extent B-V I-V O -saberse REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -transship CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -travel_purposefully GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -travel_to VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -travesty JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -trawl HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -pescar_al_arrastre HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -treadle OPERATE I-Agent I-Patient I-Instrument I-Attribute I-Location I-Goal I-Co-Agent B-Agent B-Patient B-Instrument B-Attribute B-Location B-Goal B-Co-Agent B-V I-V O -treadle MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -regalonear LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tomarse LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -treble INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -treble SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -tripler INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -tripler SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -tripler HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -triple INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -triple HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -triplicarse INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -triplicar INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -triplicar COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -ir_de_travesía GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -trek TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -trek GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -trellis GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -tremble MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -trepidar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -cavar_trincheras CAVE_CARVE I-Agent I-Patient I-Material I-Beneficiary I-Result B-Agent B-Patient B-Material B-Beneficiary B-Result B-V I-V O -trepan HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -trepanar HOLE_PIERCE I-Agent I-Patient I-Instrument I-Goal I-Result B-Agent B-Patient B-Instrument B-Goal B-Result B-V I-V O -trepanar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -trephine HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -trefinar HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -trianguler MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -trianguler ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -trianguler SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -triangulate MEASURE_EVALUATE I-Agent I-Value I-Theme I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Value B-Theme B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -triangulate ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -triangulate SHAPE I-Agent I-Patient I-Result B-Agent B-Patient B-Result B-V I-V O -triangular ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -tribulate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -trice_up RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -trice RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -trifle_away CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -gastar_en_baratijas CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -trifurcate SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -dividir_en_tres SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -trifurcar SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -gargantear PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -triple-space TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -triplicate COPY I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -trisecar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -trisect CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -trisectar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -trivializar DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -trivialize DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -trivialise DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -troat MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -troll APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -troll TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -troll SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -troll HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -troll SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -troll SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_con_entusiasmo SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_en_canon SING I-Agent I-Theme I-Beneficiary B-Agent B-Theme B-Beneficiary B-V I-V O -cantar_en_canon APPROVE_PRAISE I-Agent I-Theme I-Attribute I-Beneficiary I-Instrument I-Location B-Agent B-Theme B-Attribute B-Beneficiary B-Instrument B-Location B-V I-V O -cabalgar_al_trote MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -trot_out SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -trouble-shoot SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -troubleshoot SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -solucionar_problemas SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -resolver_problemas SOLVE I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -trowel EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -truck CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -transportar_en_camión CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -true_up ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -true ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -trompetear MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -trompetear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -trump_out SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -trumpet PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -trumpet SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -trumpet MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tronquer REPLACE I-Agent I-Theme I-Co-Theme I-Co-Agent I-Beneficiary I-Source B-Agent B-Theme B-Co-Theme B-Co-Agent B-Beneficiary B-Source B-V I-V O -trundle TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -try_on SEEM I-Theme I-Attribute I-Experiencer B-Theme B-Attribute B-Experiencer B-V I-V O -tsk MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tut-tut MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tut MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tube LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -tube ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -tube MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -tube CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -andar_en_cámara MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -enviar_por_metro CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -hacer_caer MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -revolcarse TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -revolcarse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -whirl_around FLY I-Theme I-Destination I-Agent B-Theme B-Destination B-Agent B-V I-V O -tumble_dry DRY I-Agent I-Patient B-Agent B-Patient B-V I-V O -tune_up ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -tune ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -reglar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -tune_in ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -sintonizar ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -turf COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -encespedar COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -revolverse MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -tourner_la_page TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -turn_a_blind_eye RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -turn_a_nice_penny EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -turn_a_nice_dime EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -turn_a_nice_dollar EARN I-Theme I-Asset I-Beneficiary I-Source B-Theme B-Asset B-Beneficiary B-Source B-V I-V O -turn_a_trick WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -turn_on_a_dime TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -turn_the_tables INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -turn_the_tide INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -voltear_los_pulgares CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -turn_thumbs_down CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -antender FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -turn_up_the_heat INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -turn_up_the_pressure INCITE_INDUCE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -cazar_tortugas HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -tutor TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -tutor WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -tutelar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -ganguear PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -twang PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -twang PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -twang HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -twang MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -dar_punzadas HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -twirp MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -tweeze EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -extraer_con_pinzas EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -twill WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -tener_gemelos GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -gemelo GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -tordre TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -two-step DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -bailar_paso_doble DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -two-time COURT I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -enfermer_dans_un_rôle CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -enfermer_dans_un_rôle RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -type TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -type RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -typecast CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -typecast RECOGNIZE_ADMIT_IDENTIFY I-Agent I-Topic I-Recipient I-Attribute I-Source B-Agent B-Topic B-Recipient B-Attribute B-Source B-V I-V O -typewrite TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -mecanografiar TYPE I-Agent I-Patient B-Agent B-Patient B-V I-V O -uglify WORSEN I-Agent I-Patient I-Instrument I-Goal I-Extent I-Source B-Agent B-Patient B-Instrument B-Goal B-Extent B-Source B-V I-V O -ulcerate HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ulcerate CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -ulcerar HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -ulcerar CONTRACT-AN-ILLNESS_INFECT I-Patient I-Theme I-Source I-Agent B-Patient B-Theme B-Source B-Agent B-V I-V O -ultracentrifuge MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -desatrancar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -desatrancar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unbar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -unbelt UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unbind UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unbolt UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -descerrajar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unbox REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unbrace LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unbrace CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -unbrace UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desceñir CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -desanudar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unlace LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -zafar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unbraid RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -destrenzar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -unbridle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unbuckle UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -deshebillar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desabotonar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -déboutonner UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unbutton UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unchain LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unchain UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unclasp UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unclip UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -uncloak REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -uncloak REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -unmask REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unmask REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -desenmascarar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desenmascarar REVEAL I-Agent I-Topic I-Recipient I-Attribute B-Agent B-Topic B-Recipient B-Attribute B-V I-V O -desatascar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unclog UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -uncoil RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -uncork LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -uncork UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -destaponar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -descorchar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -uncrate REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desembalar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descruzar MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -uncross MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -uncurl STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desenrollarse STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desovillarse STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -desrizarse STRAIGHTEN I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -undeceive PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -underperform ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -underperform PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -underachieve ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -underplay PLAY_SPORT/GAME I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -underplay PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -underact PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -annoncer_au-dessous_de_sa_force BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -underbid BID I-Agent I-Asset I-Theme I-Co-Agent B-Agent B-Asset B-Theme B-Co-Agent B-V I-V O -undercharge CHARGE I-Agent I-Recipient I-Asset I-Cause B-Agent B-Recipient B-Asset B-Cause B-V I-V O -undercut CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -undercut SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -undercut HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -undersell SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -underdevelop EXIST-WITH-FEATURE I-Theme I-Attribute I-Cause I-Goal I-Value B-Theme B-Attribute B-Cause B-Goal B-Value B-V I-V O -subvalorar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -infravalorar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -infravalorar OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -minusvalorar CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -underrate SUBJECTIVE-JUDGING I-Agent I-Theme I-Value I-Cause B-Agent B-Theme B-Value B-Cause B-V I-V O -underexpose SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -sous-exposer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -subexponer SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -undergo UNDERGO-EXPERIENCE I-Experiencer I-Stimulus B-Experiencer B-Stimulus B-V I-V O -undergrow GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -underlay PUT_APPLY_PLACE_PAVE I-Agent I-Theme I-Location I-Instrument I-Attribute B-Agent B-Theme B-Location B-Instrument B-Attribute B-V I-V O -underlay STABILIZE_SUPPORT-PHYSICALLY I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -subyacer GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -subyacer LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -underlie GROUND_BASE_FOUND I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -underlie LIE I-Theme I-Location I-Agent I-Destination I-Co-Theme B-Theme B-Location B-Agent B-Destination B-Co-Theme B-V I-V O -underpay PAY I-Agent I-Asset I-Recipient I-Theme I-Extent I-Beneficiary I-Source B-Agent B-Asset B-Recipient B-Theme B-Extent B-Beneficiary B-Source B-V I-V O -underproduce MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -underquote CALCULATE_ESTIMATE I-Agent I-Theme I-Value I-Co-Theme I-Cause I-Goal B-Agent B-Theme B-Value B-Co-Theme B-Cause B-Goal B-V I-V O -underquote OFFER I-Agent I-Asset I-Theme I-Recipient B-Agent B-Asset B-Theme B-Recipient B-V I-V O -undershoot LAND_GET-OFF I-Agent I-Patient I-Location B-Agent B-Patient B-Location B-V I-V O -undershoot SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -undersign WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -underspend CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -gastar_menos CONSUME_SPEND I-Agent I-Patient I-Source I-Goal I-Instrument I-Beneficiary B-Agent B-Patient B-Source B-Goal B-Instrument B-Beneficiary B-V I-V O -infrabastecer RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -understock RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -unmake STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -anular_la_selección RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -undock MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -undock LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -sacar_del_amarradero MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -undrape SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -quitar_las_colgaduras SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -unfasten UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unfurl UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unroll INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -unroll UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unhand REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unharness REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desguarnecer REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desgoznar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desgonzar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desengancharse UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desenganchar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desenganchar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unhitch UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -descolgar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unhook REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unicycle MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -andar_en_monociclo MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -uniform LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -uniformise HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -uniformize HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -uniformizar HARMONIZE I-Agent I-Theme I-Goal I-Purpose B-Agent B-Theme B-Goal B-Purpose B-V I-V O -concertarse ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -sindicar ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -unitize COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unitize SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -unitize SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -unitise COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -unitise SORT_CLASSIFY_ARRANGE I-Agent I-Theme I-Goal I-Attribute I-Source I-Destination B-Agent B-Theme B-Goal B-Attribute B-Source B-Destination B-V I-V O -unitise SEPARATE_FILTER_DETACH I-Agent I-Patient I-Co-Patient I-Result I-Instrument I-Beneficiary I-Attribute B-Agent B-Patient B-Co-Patient B-Result B-Instrument B-Beneficiary B-Attribute B-V I-V O -universalize CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -universalise CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -universalizar CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -unpick RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -unscramble RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -unscramble CHANGE_SWITCH I-Agent I-Patient I-Result I-Instrument I-Source B-Agent B-Patient B-Result B-Instrument B-Source B-V I-V O -unknot RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -unlash UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unlearn REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -unlearn FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -desaprender REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -desaprender FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -désapprendre REMEMBER I-Agent I-Theme I-Attribute I-Recipient B-Agent B-Theme B-Attribute B-Recipient B-V I-V O -désapprendre FORGET I-Agent I-Theme B-Agent B-Theme B-V I-V O -destar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -destraillar LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -dar_rienda_suelta LIBERATE_ALLOW_AFFORD I-Agent I-Patient I-Source I-Beneficiary B-Agent B-Patient B-Source B-Beneficiary B-V I-V O -unlock OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -unlock UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -déverrouiller UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -descontrolar CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -unman CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -unmuzzle REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -descoser RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -unpin UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -wind_off INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -unsanctify REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unscrew UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desatornillar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unseal OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -retirar_el_sello OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -desellar OPEN I-Agent I-Patient I-Instrument I-Recipient I-Attribute B-Agent B-Patient B-Instrument B-Recipient B-Attribute B-V I-V O -unseat REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unseat DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -asexuar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -desenfundar EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -unsheathe EXTRACT I-Agent I-Theme I-Source I-Instrument I-Location B-Agent B-Theme B-Source B-Instrument B-Location B-V I-V O -desoldar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unsolder UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unspell BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -unstaple UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -desgrapar UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unstrap UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -descordar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unstring REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -desencordar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unteach TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -untwine RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -untwist RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -destorcer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -unweave RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND I-Agent I-Patient I-Attribute I-Source I-Destination B-Agent B-Patient B-Attribute B-Source B-Destination B-V I-V O -unwire UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -unyoke REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -unzip UNFASTEN_UNFOLD I-Agent I-Patient I-Instrument I-Extent I-Destination B-Agent B-Patient B-Instrument B-Extent B-Destination B-V I-V O -up INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -update INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -update AMELIORATE I-Agent I-Patient I-Instrument I-Result I-Material I-Attribute I-Extent B-Agent B-Patient B-Instrument B-Result B-Material B-Attribute B-Extent B-V I-V O -actualiser INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -upend INVERT_REVERSE I-Agent I-Patient I-Destination B-Agent B-Patient B-Destination B-V I-V O -upheave RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -luchar_por ARGUE-IN-DEFENSE I-Agent I-Theme I-Co-Agent I-Topic B-Agent B-Theme B-Co-Agent B-Topic B-V I-V O -upholster COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -upload TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -charger_vers_le_serveur TRANSMIT I-Agent I-Theme I-Source I-Recipient I-Instrument B-Agent B-Theme B-Source B-Recipient B-Instrument B-V I-V O -destorbar MESS I-Agent I-Patient I-Location I-Instrument B-Agent B-Patient B-Location B-Instrument B-V I-V O -upstage OVERCOME_SURPASS I-Theme I-Co-Theme I-Attribute I-Extent B-Theme B-Co-Theme B-Attribute B-Extent B-V I-V O -upstage TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -upstage MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -urbanize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -urbanize TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -urbaniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -urbaniser TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -urbanise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -urbanise TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -urbanizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -urbanizar TEACH I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -causar_urticaria HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -valider PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -convalidar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -vamp_up DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -vamp_up RENEW I-Agent I-Patient I-Material I-Beneficiary B-Agent B-Patient B-Material B-Beneficiary B-V I-V O -vandalizar DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -vandalize DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -vandalise DESTROY I-Agent I-Patient I-Instrument I-Result B-Agent B-Patient B-Instrument B-Result B-V I-V O -vascularizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vascularize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vascularise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vasectomise CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -vasectomizar CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -vasectomize CASTRATE I-Agent I-Patient B-Agent B-Patient B-V I-V O -vegetate REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -vegetate GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -vegetate EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -vegetate GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -vegetate CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -vege_out REST I-Agent I-Patient B-Agent B-Patient B-V I-V O -vegetar GROW_PLOW I-Agent I-Patient I-Instrument I-Location B-Agent B-Patient B-Instrument B-Location B-V I-V O -vegetar EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -vegetar GIVE-BIRTH I-Agent I-Patient I-Attribute B-Agent B-Patient B-Attribute B-V I-V O -vegetar CIRCULATE_SPREAD_DISTRIBUTE I-Agent I-Theme I-Recipient I-Attribute I-Source I-Instrument B-Agent B-Theme B-Recipient B-Attribute B-Source B-Instrument B-V I-V O -poner_un_velo CLOUD_SHADOW_HIDE I-Agent I-Patient I-Location I-Attribute I-Instrument I-Beneficiary B-Agent B-Patient B-Location B-Attribute B-Instrument B-Beneficiary B-V I-V O -vein PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -velcro SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -chapear COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -veneer COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -venesect CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -verbify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -transformar_en_verbo CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -verdigris COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -verge ARRIVE I-Agent I-Extent I-Source I-Destination I-Instrument I-Location I-Goal B-Agent B-Extent B-Source B-Destination B-Instrument B-Location B-Goal B-V I-V O -vermiculate EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -vermilion COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -embijar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -vesiculate CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vesture DRESS_WEAR I-Agent I-Patient I-Theme B-Agent B-Patient B-Theme B-V I-V O -tratar_animales HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -examinar_animales HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -vet ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -vet HELP_HEAL_CARE_CURE I-Agent I-Beneficiary I-Theme I-Instrument I-Result B-Agent B-Beneficiary B-Theme B-Instrument B-Result B-V I-V O -vet WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -ejercer_de_veterinario WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -victimise HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -victimise PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -represaliar PUNISH I-Agent I-Patient I-Theme I-Asset I-Cause B-Agent B-Patient B-Theme B-Asset B-Cause B-V I-V O -avituallar NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -avituallar EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -avituallar RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -victual NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -victual EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -victual RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -avituallarse EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -vinificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vinify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -visar AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -visar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -visa AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -visa LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -refrendada AUTHORIZE_ADMIT I-Agent I-Beneficiary I-Theme I-Purpose I-Idiom B-Agent B-Beneficiary B-Theme B-Purpose B-Idiom B-V I-V O -dar_una_visa LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -s'imaginer IMAGINE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -vitalize AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -vitalise AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -vitalizar AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -vitaminar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -vitaminise ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -vitaminizado ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -vitaminize ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -vitaminizar ADD I-Agent I-Patient I-Co-Patient I-Result I-Extent B-Agent B-Patient B-Co-Patient B-Result B-Extent B-V I-V O -vitrify CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vitrify CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vitrificar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vitrificar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vitriolar SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -vitriol SHOW I-Agent I-Theme I-Recipient I-Attribute I-Location I-Source B-Agent B-Theme B-Recipient B-Attribute B-Location B-Source B-V I-V O -vitriol OFFEND_DISESTEEM I-Agent I-Experiencer I-Stimulus I-Cause B-Agent B-Experiencer B-Stimulus B-Cause B-V I-V O -vivisect CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -viviseccionar CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -vowelize PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -vowelise PRONOUNCE I-Agent I-Theme I-Result B-Agent B-Theme B-Result B-V I-V O -hacerse_eco SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -volatilise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -volatilizarse CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -volatilize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -volley SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -volley SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -volley HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -volear SHOOT_LAUNCH_PROPEL I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -volear HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -soltar_una_retahíla SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -voodoo BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -hacer_vudú BEWITCH I-Agent I-Experiencer I-Attribute B-Agent B-Experiencer B-Attribute B-V I-V O -vote CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -vote INFLUENCE I-Agent I-Patient I-Stimulus I-Attribute B-Agent B-Patient B-Stimulus B-Attribute B-V I-V O -voter CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -vote_in CHOOSE I-Agent I-Theme I-Goal I-Source I-Attribute I-Cause B-Agent B-Theme B-Goal B-Source B-Attribute B-Cause B-V I-V O -responder_de PROVE I-Agent I-Theme I-Recipient I-Instrument I-Attribute B-Agent B-Theme B-Recipient B-Instrument B-Attribute B-V I-V O -vouchsafe GIVE_GIFT I-Agent I-Recipient I-Theme I-Goal I-Attribute I-Source I-Co-Theme B-Agent B-Recipient B-Theme B-Goal B-Attribute B-Source B-Co-Theme B-V I-V O -vroom MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -vulcanise CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vulcanise CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vulcaniser CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vulcaniser CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vulcanizar CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vulcanizar CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -vulcanize CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -vulcanize CONVERT I-Agent I-Patient I-Result I-Source I-Co-Agent I-Beneficiary B-Agent B-Patient B-Result B-Source B-Co-Agent B-Beneficiary B-V I-V O -wade GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -waft MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -waft AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -flotar_suavemente AIR I-Agent I-Patient B-Agent B-Patient B-V I-V O -colear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -wag MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -rabear MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -waggle TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -waggle MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -wamble TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -waitress WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -estar_despierto AROUSE_WAKE_ENLIVEN I-Agent I-Stimulus I-Experiencer I-Instrument I-Result I-Attribute I-Source I-Goal B-Agent B-Stimulus B-Experiencer B-Instrument B-Result B-Attribute B-Source B-Goal B-V I-V O -sacar_a_caminar MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ir_andando GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -walk_away LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -perdre_en_marchant LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -perdre_en_marchant STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -walk_off LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -walk_off STEAL_DEPRIVE I-Agent I-Theme I-Source I-Beneficiary I-Value B-Agent B-Theme B-Source B-Beneficiary B-Value B-V I-V O -walk_in ENTER I-Agent I-Destination B-Agent B-Destination B-V I-V O -irse_de LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -walk_out_of LEAVE_DEPART_RUN-AWAY I-Cause I-Theme I-Source I-Destination I-Attribute I-Time I-Idiom B-Cause B-Theme B-Source B-Destination B-Attribute B-Time B-Idiom B-V I-V O -walk_over DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -walk_through TRY I-Agent I-Theme I-Co-Theme I-Instrument B-Agent B-Theme B-Co-Theme B-Instrument B-V I-V O -wall_up ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -wall_in ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -emparedar ENCLOSE_WRAP I-Agent I-Theme I-Co-Theme B-Agent B-Theme B-Co-Theme B-V I-V O -wallop HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -wallop DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -derrotar_totalmente DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -derrotar_completamente DEFEAT I-Agent I-Patient I-Theme I-Goal B-Agent B-Patient B-Theme B-Goal B-V I-V O -wham HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -whack HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -welter TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -welter FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O -bailar_vals DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -valser DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -valsar DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -waltz DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -waltz_around DANCE I-Agent I-Co-Agent I-Theme I-Location B-Agent B-Co-Agent B-Theme B-Location B-V I-V O -wan HURT_HARM_ACHE I-Agent I-Experiencer I-Instrument I-Goal B-Agent B-Experiencer B-Instrument B-Goal B-V I-V O -vivir_licenciosamente EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -vivir_disipadamente EXIST_LIVE I-Theme I-Attribute I-Co-Theme B-Theme B-Attribute B-Co-Theme B-V I-V O -war ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -guerrear ATTACK_BOMB I-Agent I-Patient I-Instrument I-Attribute I-Topic B-Agent B-Patient B-Instrument B-Attribute B-Topic B-V I-V O -warehouse RETAIN_KEEP_SAVE-MONEY I-Agent I-Theme I-Beneficiary I-Attribute I-Purpose I-Cause I-Source I-Destination I-Location B-Agent B-Theme B-Beneficiary B-Attribute B-Purpose B-Cause B-Source B-Destination B-Location B-V I-V O -warm HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -calentarse HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -se_chauffer HEAT I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -warm_to CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -avertir WARN I-Agent I-Recipient I-Topic B-Agent B-Recipient B-Topic B-V I-V O -wash_away CANCEL_ELIMINATE I-Agent I-Patient I-Source I-Instrument I-Goal B-Agent B-Patient B-Source B-Instrument B-Goal B-V I-V O -wash_away WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -wash_off WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -lavarse_las_manos PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -wash_one's_hands PARDON I-Agent I-Theme I-Attribute B-Agent B-Theme B-Attribute B-V I-V O -deslavazar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -deslavar EXHAUST I-Stimulus I-Experiencer I-Instrument B-Stimulus B-Experiencer B-Instrument B-V I-V O -lagrimear EXCRETE I-Cause I-Source I-Theme I-Destination B-Cause B-Source B-Theme B-Destination B-V I-V O -water-wash WASH_CLEAN I-Agent I-Patient I-Instrument I-Theme I-Result B-Agent B-Patient B-Instrument B-Theme B-Result B-V I-V O -water_down DEBASE_ADULTERATE I-Agent I-Patient I-Instrument I-Extent I-Source I-Goal B-Agent B-Patient B-Instrument B-Extent B-Source B-Goal B-V I-V O -water_down WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -aguar WEAKEN I-Agent I-Patient I-Location I-Extent I-Source I-Destination I-Instrument I-Stimulus B-Agent B-Patient B-Location B-Extent B-Source B-Destination B-Instrument B-Stimulus B-V I-V O -water_ski MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -watercolor PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -pintar_con_acuarela PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -watercolour PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -aquareller PAINT I-Agent I-Destination I-Result I-Instrument I-Beneficiary B-Agent B-Destination B-Result B-Instrument B-Beneficiary B-V I-V O -waterproof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -wattle MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -wattle WEAVE I-Agent I-Patient I-Co-Patient I-Material I-Product B-Agent B-Patient B-Co-Patient B-Material B-Product B-V I-V O -wave_off DOWNPLAY_HUMILIATE I-Stimulus I-Experiencer I-Extent I-Instrument B-Stimulus B-Experiencer B-Extent B-Instrument B-V I-V O -weaponize HAVE-A-FUNCTION_SERVE I-Theme I-Value I-Goal B-Theme B-Value B-Goal B-V I-V O -wear_off BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -wear_off CORRODE_WEAR-AWAY_SCRATCH I-Agent I-Patient I-Instrument I-Source B-Agent B-Patient B-Instrument B-Source B-V I-V O -wear_thin BREAK_DETERIORATE I-Agent I-Patient I-Instrument I-Result I-Attribute B-Agent B-Patient B-Instrument B-Result B-Attribute B-V I-V O -whittle_down CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -whittle_away CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -wear_on SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -wear_ship TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -navegar_a_barlovento GO-FORWARD I-Agent I-Source I-Destination I-Extent I-Instrument I-Location I-Cause I-Goal B-Agent B-Source B-Destination B-Extent B-Instrument B-Location B-Cause B-Goal B-V I-V O -tiempo_en CHANGE-APPEARANCE/STATE I-Agent I-Patient I-Result I-Extent I-Material I-Goal I-Instrument B-Agent B-Patient B-Result B-Extent B-Material B-Goal B-Instrument B-V I-V O -weatherproof STRENGTHEN_MAKE-RESISTANT I-Agent I-Patient I-Instrument I-Extent I-Source I-Destination B-Agent B-Patient B-Instrument B-Extent B-Source B-Destination B-V I-V O -colocar_burlete LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -weatherstrip LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -poner_un_burlete LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -wedel MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -desherbar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -weed REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -herbar REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -weekend SPEND-TIME_PASS-TIME I-Agent I-Asset I-Goal B-Agent B-Asset B-Goal B-V I-V O -weigh_anchor RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -levar_anclas RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -levar_el_ancla RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -izar_el_ancla RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -weigh_the_anchor RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -weigh_on CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -welch ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -welsh ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -trampear ABSTAIN_AVOID_REFRAIN I-Agent I-Theme I-Source I-Instrument B-Agent B-Theme B-Source B-Instrument B-V I-V O -acoger_con_agrado AGREE_ACCEPT I-Agent I-Theme I-Co-Agent I-Attribute I-Source I-Destination B-Agent B-Theme B-Co-Agent B-Attribute B-Source B-Destination B-V I-V O -weld BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -weld JOIN_CONNECT I-Agent I-Patient I-Co-Patient I-Instrument I-Result B-Agent B-Patient B-Co-Patient B-Instrument B-Result B-V I-V O -soldar_con_autógena BEFRIEND I-Agent I-Co-Agent B-Agent B-Co-Agent B-V I-V O -ir_de_putas HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -ir_de_putas VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -wench VISIT I-Agent I-Location I-Extent I-Source B-Agent B-Location B-Extent B-Source B-V I-V O -wend DIRECT_AIM_MANEUVER I-Agent I-Theme I-Destination I-Source I-Attribute I-Extent I-Instrument B-Agent B-Theme B-Destination B-Source B-Attribute B-Extent B-Instrument B-V I-V O -wet WET I-Agent I-Patient I-Instrument B-Agent B-Patient B-Instrument B-V I-V O -cazar_ballenas HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -whale HUNT I-Agent I-Theme I-Instrument B-Agent B-Theme B-Instrument B-V I-V O -whang CRITICIZE I-Agent I-Theme I-Attribute I-Cause B-Agent B-Theme B-Attribute B-Cause B-V I-V O -whang HIT I-Agent I-Instrument I-Patient I-Attribute I-Result B-Agent B-Instrument B-Patient B-Attribute B-Result B-V I-V O -construir_un_desembarcadero MOUNT_ASSEMBLE_PRODUCE I-Agent I-Product I-Material I-Result I-Beneficiary I-Attribute B-Agent B-Product B-Material B-Result B-Beneficiary B-Attribute B-V I-V O -wheel_around TURN_CHANGE-DIRECTION I-Theme I-Destination I-Agent I-Source B-Theme B-Destination B-Agent B-Source B-V I-V O -wheel_around CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -wheelbarrow CARRY_TRANSPORT I-Agent I-Theme I-Destination I-Source I-Instrument I-Attribute I-Beneficiary B-Agent B-Theme B-Destination B-Source B-Instrument B-Attribute B-Beneficiary B-V I-V O -wheeze BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -whelk GROUP I-Agent I-Theme I-Result I-Instrument I-Source B-Agent B-Theme B-Result B-Instrument B-Source B-V I-V O -whisk TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -whisk REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -whisk RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -whisk MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -whip_through FINISH_CONCLUDE_END I-Agent I-Theme I-Instrument I-Result I-Attribute I-Location I-Extent I-Source I-Time I-Beneficiary B-Agent B-Theme B-Instrument B-Result B-Attribute B-Location B-Extent B-Source B-Time B-Beneficiary B-V I-V O -whip_up COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -whomp_up COOK I-Agent I-Patient I-Instrument I-Source I-Beneficiary B-Agent B-Patient B-Instrument B-Source B-Beneficiary B-V I-V O -whipsaw CUT I-Agent I-Patient I-Source I-Instrument I-Beneficiary I-Result I-Product B-Agent B-Patient B-Source B-Instrument B-Beneficiary B-Result B-Product B-V I-V O -whipsaw DECEIVE I-Agent I-Patient I-Instrument I-Goal I-Attribute B-Agent B-Patient B-Instrument B-Goal B-Attribute B-V I-V O -whirligig MOVE-ONESELF I-Theme I-Location I-Agent I-Extent I-Source I-Destination I-Attribute I-Patient I-Result B-Theme B-Location B-Agent B-Extent B-Source B-Destination B-Attribute B-Patient B-Result B-V I-V O -whish MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -whish TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -pasar_zumbando RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -pasar_zumbando TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -whisk_off TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -whisk_off REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -escobillar TOUCH I-Agent I-Experiencer I-Instrument I-Attribute I-Destination B-Agent B-Experiencer B-Instrument B-Attribute B-Destination B-V I-V O -entrar_volando RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -pasar_volando RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -whisk_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -whisper SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -chuchoter SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -murmurer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -susurrer SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -cuchichear SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -whistlestop TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -jalbegar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -emblanquecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -enjalbegar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -white COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -whiten COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -whiteout ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -whiteout DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -white-out DIM I-Agent I-Patient B-Agent B-Patient B-V I-V O -white_out ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -white_out INCREASE_ENLARGE_MULTIPLY I-Agent I-Attribute I-Patient I-Extent I-Source I-Destination I-Instrument I-Location I-Beneficiary B-Agent B-Attribute B-Patient B-Extent B-Source B-Destination B-Instrument B-Location B-Beneficiary B-V I-V O -whizz_along RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -zoom_along RUN I-Theme I-Location I-Source I-Destination I-Extent I-Agent I-Purpose I-Instrument I-Co-Theme B-Theme B-Location B-Source B-Destination B-Extent B-Agent B-Purpose B-Instrument B-Co-Theme B-V I-V O -wholesale SELL I-Agent I-Theme I-Recipient I-Asset I-Beneficiary I-Attribute I-Co-Agent B-Agent B-Theme B-Recipient B-Asset B-Beneficiary B-Attribute B-Co-Agent B-V I-V O -gritar_de_alegría SHOUT I-Theme I-Topic I-Recipient B-Theme B-Topic B-Recipient B-V I-V O -woosh MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -whore ACHIEVE I-Agent I-Goal B-Agent B-Goal B-V I-V O -whore HAVE-SEX I-Agent I-Co-Agent I-Cause I-Theme B-Agent B-Co-Agent B-Cause B-Theme B-V I-V O -whore WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -prostituirse WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -dejar_viuda CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -widow CAUSE-SMT I-Agent I-Patient I-Result I-Instrument B-Agent B-Patient B-Result B-Instrument B-V I-V O -wigwag SIGNAL_INDICATE I-Agent I-Recipient I-Topic I-Instrument I-Location B-Agent B-Recipient B-Topic B-Instrument B-Location B-V I-V O -winch RAISE I-Agent I-Theme I-Extent I-Source I-Destination I-Location B-Agent B-Theme B-Extent B-Source B-Destination B-Location B-V I-V O -wreathe ROLL I-Agent I-Theme I-Attribute I-Location B-Agent B-Theme B-Attribute B-Location B-V I-V O -wreathe TRAVEL I-Theme I-Location I-Cause I-Destination B-Theme B-Location B-Cause B-Destination B-V I-V O -wreathe EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -window-shop ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -mirar_escaparates ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -windsurfear MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -hacer_windsurf MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -windsurf MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -pimplar DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -wine NOURISH_FEED I-Agent I-Recipient I-Theme I-Instrument I-Goal B-Agent B-Recipient B-Theme B-Instrument B-Goal B-V I-V O -wine DRINK I-Agent I-Patient I-Source B-Agent B-Patient B-Source B-V I-V O -wine_and_dine EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -wine_and_dine HOST_MEAL_INVITE I-Agent I-Beneficiary B-Agent B-Beneficiary B-V I-V O -winkle_out DISMISS_FIRE-SMN I-Agent I-Theme I-Source B-Agent B-Theme B-Source B-V I-V O -winkle_out MOVE-SOMETHING I-Agent I-Theme I-Source I-Destination I-Extent I-Attribute I-Instrument I-Goal B-Agent B-Theme B-Source B-Destination B-Extent B-Attribute B-Instrument B-Goal B-V I-V O -ahechar BREATH_BLOW I-Agent I-Theme I-Destination B-Agent B-Theme B-Destination B-V I-V O -winterize PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -winterise PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -wipe_away REMOVE_TAKE-AWAY_KIDNAP I-Agent I-Patient I-Source I-Extent I-Destination I-Attribute I-Instrument I-Co-Patient B-Agent B-Patient B-Source B-Extent B-Destination B-Attribute B-Instrument B-Co-Patient B-V I-V O -alambrar LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -alambrar INSERT I-Agent I-Theme I-Destination I-Instrument B-Agent B-Theme B-Destination B-Instrument B-V I-V O -alambrar SECURE_FASTEN_TIE I-Agent I-Patient I-Co-Patient I-Instrument I-Attribute B-Agent B-Patient B-Co-Patient B-Instrument B-Attribute B-V I-V O -cablear LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -wise_up INFORM I-Agent I-Recipient I-Topic I-Instrument B-Agent B-Recipient B-Topic B-Instrument B-V I-V O -wise_up LEARN I-Cause I-Agent I-Topic I-Source I-Attribute B-Cause B-Agent B-Topic B-Source B-Attribute B-V I-V O -ironizar JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -wisecrack JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -cuchufletear JOKE I-Agent I-Theme I-Attribute I-Instrument I-Co-Agent B-Agent B-Theme B-Attribute B-Instrument B-Co-Agent B-V I-V O -wish_well REQUIRE_NEED_WANT_HOPE I-Agent I-Theme I-Beneficiary I-Goal I-Source I-Cause I-Co-Theme B-Agent B-Theme B-Beneficiary B-Goal B-Source B-Cause B-Co-Theme B-V I-V O -wive LOAD_PROVIDE_CHARGE_FURNISH I-Agent I-Recipient I-Theme I-Instrument I-Attribute B-Agent B-Recipient B-Theme B-Instrument B-Attribute B-V I-V O -wive ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -tomar_por_esposa ALLY_ASSOCIATE_MARRY I-Cause I-Agent I-Co-Agent I-Instrument I-Result I-Theme B-Cause B-Agent B-Co-Agent B-Instrument B-Result B-Theme B-V I-V O -wolf EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -wolf_down EAT_BITE I-Agent I-Patient B-Agent B-Patient B-V I-V O -wolf-whistle MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -travailler WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -bosser WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -work_at WORK I-Agent I-Attribute I-Theme I-Goal I-Co-Agent I-Instrument B-Agent B-Attribute B-Theme B-Goal B-Co-Agent B-Instrument B-V I-V O -work_in COMBINE_MIX_UNITE I-Agent I-Patient I-Co-Patient I-Location I-Result I-Instrument B-Agent B-Patient B-Co-Patient B-Location B-Result B-Instrument B-V I-V O -work_off DISCARD I-Agent I-Theme I-Attribute I-Source I-Instrument I-Beneficiary I-Location B-Agent B-Theme B-Attribute B-Source B-Instrument B-Beneficiary B-Location B-V I-V O -traer_a_colación PREPARE I-Agent I-Product I-Beneficiary I-Material I-Co-Agent I-Purpose I-Extent I-Goal I-Instrument B-Agent B-Product B-Beneficiary B-Material B-Co-Agent B-Purpose B-Extent B-Goal B-Instrument B-V I-V O -rendir_culto PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -ir_a_misa PERFORM I-Agent I-Theme I-Beneficiary I-Instrument I-Attribute B-Agent B-Theme B-Beneficiary B-Instrument B-Attribute B-V I-V O -wow CAUSE-MENTAL-STATE I-Agent I-Stimulus I-Experiencer I-Instrument I-Extent I-Theme I-Attribute I-Result B-Agent B-Stimulus B-Experiencer B-Instrument B-Extent B-Theme B-Attribute B-Result B-V I-V O -adornar_con_guirnaldas EMBELLISH I-Agent I-Destination I-Theme I-Result B-Agent B-Destination B-Theme B-Result B-V I-V O -wrest CATCH I-Agent I-Theme I-Source I-Beneficiary I-Attribute I-Location B-Agent B-Theme B-Source B-Beneficiary B-Attribute B-Location B-V I-V O -write_about WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -write_of WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -write_on WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -write_copy WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -write_in WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -escribir_sin_hesitar WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -write_up WRITE I-Agent I-Result I-Topic I-Instrument I-Recipient I-Destination B-Agent B-Result B-Topic B-Instrument B-Recipient B-Destination B-V I-V O -wrong TREAT I-Agent I-Theme I-Attribute I-Instrument B-Agent B-Theme B-Attribute B-Instrument B-V I-V O -radiografiar ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -x-ray ANALYZE I-Agent I-Theme I-Attribute I-Beneficiary I-Goal B-Agent B-Theme B-Attribute B-Beneficiary B-Goal B-V I-V O -ir_en_yate MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -yacht MOVE-BY-MEANS-OF I-Agent I-Instrument I-Destination I-Theme I-Attribute B-Agent B-Instrument B-Destination B-Theme B-Attribute B-V I-V O -gañir MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -yelp MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -yip MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -yap MAKE-A-SOUND I-Agent I-Theme I-Attribute I-Source I-Patient I-Recipient I-Location B-Agent B-Theme B-Attribute B-Source B-Patient B-Recipient B-Location B-V I-V O -yarn SPEAK I-Agent I-Topic I-Recipient I-Attribute I-Result I-Instrument I-Location B-Agent B-Topic B-Recipient B-Attribute B-Result B-Instrument B-Location B-V I-V O -acedarse COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -amarillar COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -amarillear COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -yellow COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -amarillecer COLOR I-Agent I-Patient I-Result I-Co-Patient B-Agent B-Patient B-Result B-Co-Patient B-V I-V O -yield_up GIVE-UP_ABOLISH_ABANDON I-Agent I-Patient I-Recipient I-Co-Patient B-Agent B-Patient B-Recipient B-Co-Patient B-V I-V O -mettre_à_zéro ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -remettre_à_zéro ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -poner_a_cero ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -zero ADJUST_CORRECT I-Agent I-Patient I-Instrument I-Goal I-Source I-Purpose I-Product B-Agent B-Patient B-Instrument B-Goal B-Source B-Purpose B-Product B-V I-V O -zinc COVER_SPREAD_SURMOUNT I-Agent I-Destination I-Theme I-Instrument B-Agent B-Destination B-Theme B-Instrument B-V I-V O -zipper CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -zip_up CLOSE I-Agent I-Patient I-Goal I-Source I-Instrument B-Agent B-Patient B-Goal B-Source B-Instrument B-V I-V O -caer_rendido SLEEP I-Agent I-Theme I-Time B-Agent B-Theme B-Time B-V I-V O -zoom_in FOCUS I-Agent I-Topic I-Theme I-Attribute B-Agent B-Topic B-Theme B-Attribute B-V I-V O diff --git a/transformer_srl/resources/lemma2frame.csv b/transformer_srl/resources/lemma2frame.csv deleted file mode 100644 index 71932fb..0000000 --- a/transformer_srl/resources/lemma2frame.csv +++ /dev/null @@ -1,3900 +0,0 @@ -abandon GIVE-UP_ABOLISH_ABANDON DISCARD CHANGE_SWITCH -abase DOWNPLAY_HUMILIATE -abate REDUCE_DIMINISH -abdicate GIVE-UP_ABOLISH_ABANDON -abduct REMOVE_TAKE-AWAY_KIDNAP -abet INCITE_INDUCE -abhor DISLIKE -abide OBEY -able EXIST-WITH-FEATURE -abolish GIVE-UP_ABOLISH_ABANDON -abominate DISLIKE -abort STOP -abound EXIST-WITH-FEATURE -abridge REDUCE_DIMINISH -absent LEAVE_DEPART_RUN-AWAY -absolve PARDON -absorb ABSORB -abstain ABSTAIN_AVOID_REFRAIN -abuse SPEAK -abut BORDER -accede AGREE_ACCEPT -accelerate SPEED-UP -accent EMPHASIZE -accentuate EMPHASIZE -accept AGREE_ACCEPT -access ENTER -accessorize LOAD_PROVIDE_CHARGE_FURNISH -acclaim APPROVE_PRAISE -accommodate LOAD_PROVIDE_CHARGE_FURNISH -accompany ACCOMPANY -accomplish ACHIEVE -accord GIVE_GIFT -account AMELIORATE -accredit LOAD_PROVIDE_CHARGE_FURNISH -accrete INCREASE_ENLARGE_MULTIPLY -accrue INCREASE_ENLARGE_MULTIPLY -accumulate AMASS -accuse ACCUSE -accustom CAUSE-MENTAL-STATE -ache HURT_HARM_ACHE -achieve ACHIEVE -acidify CONVERT -acknowledge RECOGNIZE_ADMIT_IDENTIFY -acquaint KNOW -acquiesce AGREE_ACCEPT -acquire OBTAIN -acquit SUBJECTIVE-JUDGING -act CARRY-OUT-ACTION BEHAVE -activate OPERATE -actualize CREATE_MATERIALIZE -adapt ADJUST_CORRECT -add REACH ADD SPEAK -addict CAUSE-SMT -address FOCUS SPEAK -adhere FOLLOW_SUPPORT_SPONSOR_FUND ATTACH -adjourn FINISH_CONCLUDE_END -adjust ADJUST_CORRECT -administer GIVE_GIFT -administrate LEAD_GOVERN -admire LIKE -admit RECOGNIZE_ADMIT_IDENTIFY AUTHORIZE_ADMIT -admonish REPRIMAND WARN -adopt LEARN -adore LIKE -adorn EMBELLISH -advance INCREASE_ENLARGE_MULTIPLY AMELIORATE -advantage OBTAIN -advertise PUBLICIZE -advise INFORM -advocate PROPOSE -affect DECEIVE AFFECT -affiliate ALLY_ASSOCIATE_MARRY -affirm PROVE -afflict HURT_HARM_ACHE -afford LOAD_PROVIDE_CHARGE_FURNISH EXIST-WITH-FEATURE -age DEVELOP_AGE -aggravate WORSEN -agitate CAUSE-MENTAL-STATE -agonize HURT_HARM_ACHE -agree AGREE_ACCEPT -aid HELP_HEAL_CARE_CURE -ail HURT_HARM_ACHE -aim DIRECT_AIM_MANEUVER REQUIRE_NEED_WANT_HOPE -air TRANSMIT -airlift CARRY_TRANSPORT -alarm CAUSE-MENTAL-STATE -alert WARN -alienate AROUSE_WAKE_ENLIVEN -align ADJUST_CORRECT -allay WEAKEN -allege AFFIRM -alleviate HELP_HEAL_CARE_CURE -allocate GIVE_GIFT -allot GIVE_GIFT -allow RECOGNIZE_ADMIT_IDENTIFY AUTHORIZE_ADMIT -allude CITE -ally ALLY_ASSOCIATE_MARRY -alter CHANGE_SWITCH -alternate ALTERNATE -amalgamate COMBINE_MIX_UNITE -amass AMASS -amaze CAUSE-MENTAL-STATE -amble MOVE-ONESELF -ambush ATTACK_BOMB -amend ADJUST_CORRECT -americanize CHANGE-APPEARANCE/STATE -amortize PAY -amount REACH MEAN -amplify INCREASE_ENLARGE_MULTIPLY -amputate REMOVE_TAKE-AWAY_KIDNAP -amuse CAUSE-MENTAL-STATE -analyze ANALYZE -anchor ATTACH -anger CAUSE-MENTAL-STATE -angle INCLINE -animate CHANGE-APPEARANCE/STATE -annihilate KILL -announce DECREE_DECLARE -annoy CAUSE-MENTAL-STATE -annul CANCEL_ELIMINATE -anoint GIVE_GIFT -answer ANSWER -antagonize FACE_CHALLENGE -anticipate PRECEDE GUESS -apologize JUSTIFY_EXCUSE -appall CAUSE-MENTAL-STATE -appeal ASK_REQUEST LIKE -appear APPEAR SEEM -appease MAKE-RELAX -append ATTACH -applaud APPROVE_PRAISE -apply ASK_REQUEST USE PUT_APPLY_PLACE_PAVE -appoint ASSIGN-smt-to-smn -appraise CALCULATE_ESTIMATE -appreciate LIKE INCREASE_ENLARGE_MULTIPLY -apprehend REMOVE_TAKE-AWAY_KIDNAP -apprise INFORM -approach LEARN GO-FORWARD -appropriate STEAL_DEPRIVE -approve APPROVE_PRAISE -approximate CALCULATE_ESTIMATE -arbitrage WORK -arbitrate NEGOTIATE -arch BEND -argue SPEAK -arise BEGIN -arm LOAD_PROVIDE_CHARGE_FURNISH -armor LOAD_PROVIDE_CHARGE_FURNISH -arouse AROUSE_WAKE_ENLIVEN -arraign SUMMON -arrange ORGANIZE -arrest CAGE_IMPRISON STOP -arrive ARRIVE -articulate EXPLAIN -ascend RAISE -ascertain VERIFY -ascribe ASCRIBE -ask ASK_REQUEST REQUIRE_NEED_WANT_HOPE -asphyxiate KILL -aspire REQUIRE_NEED_WANT_HOPE -assail ATTACK_BOMB -assassinate KILL -assault ATTACK_BOMB -assemble GROUP MOUNT_ASSEMBLE_PRODUCE -assert DECREE_DECLARE AFFIRM -assess CALCULATE_ESTIMATE -assign ASCRIBE -assimilate CO-OPT -assist HELP_HEAL_CARE_CURE -associate CORRELATE -assuage MAKE-RELAX -assume PAY SUPPOSE -assure GUARANTEE_ENSURE_PROMISE -astonish CAUSE-MENTAL-STATE -astound CAUSE-MENTAL-STATE -atone JUSTIFY_EXCUSE -atrophy WEAKEN -attach ATTACH -attack CRITICIZE -attain ACHIEVE -attempt TRY -attend ATTEND -attest VERIFY -attire EMBELLISH -attract ATTRACT_SUCK -attribute ASCRIBE -auction SELL -audit VERIFY -audition TRY -augment INCREASE_ENLARGE_MULTIPLY -augur GUESS -author CREATE_MATERIALIZE -authorize AUTHORIZE_ADMIT -autograph WRITE -automate AUTOMATIZE -avail LOAD_PROVIDE_CHARGE_FURNISH -avenge PUNISH -aver AFFIRM -average CALCULATE_ESTIMATE -avert ABSTAIN_AVOID_REFRAIN -avoid ABSTAIN_AVOID_REFRAIN -await WAIT -awake AROUSE_WAKE_ENLIVEN -awaken AROUSE_WAKE_ENLIVEN -award GIVE_GIFT -awe CAUSE-MENTAL-STATE -babysit WATCH_LOOK-OUT -back BORDER STOP FOLLOW_SUPPORT_SPONSOR_FUND MOVE-BACK COPY HELP_HEAL_CARE_CURE -backfire MOVE-BACK -backpedal ADJUST_CORRECT -backtrack MOVE-BACK -badmouth OFFEND_DISESTEEM -baffle CAUSE-MENTAL-STATE -bail GIVE-UP_ABOLISH_ABANDON LIBERATE_ALLOW_AFFORD -bake COOK -balance COMPENSATE -balk REFUSE -balloon MOVE-BY-MEANS-OF INCREASE_ENLARGE_MULTIPLY -ballyhoo PUBLICIZE -ban PRECLUDE_FORBID_EXPEL -band SECURE_FASTEN_TIE -bandage ENCLOSE_WRAP -bandy DISCUSS -bang HIT -banish DRIVE-BACK -bank RETAIN_KEEP_SAVE-MONEY RELY -bankroll PAY -bankrupt FAIL_LOSE -baptize AUTHORIZE_ADMIT COMMUNE -bar PRECLUDE_FORBID_EXPEL -barb LOAD_PROVIDE_CHARGE_FURNISH -barbecue COOK -bargain NEGOTIATE -barge CARRY_TRANSPORT -bark SPEAK -barnstorm TRAVEL -barrel RUN -barricade STOP -barter CHANGE-HANDS -base BE-LOCATED_BASE GROUND_BASE_FOUND -bash HIT -bask ENJOY -bat SCORE MOVE-SOMETHING -bathe WASH_CLEAN -batter HIT -battle FIGHT -be COPULA AUXILIARY EXIST_LIVE SPEAK -beam LAUGH TRANSMIT -bear CONTINUE CORRELATE TOLERATE STRENGTHEN_MAKE-RESISTANT GIVE-BIRTH -beat PERFORM HIT DEFEAT -beatify APPROVE_PRAISE -beautify EMBELLISH -beckon SIGNAL_INDICATE -become AUXILIARY CHANGE_SWITCH -bedevil CAUSE-MENTAL-STATE -beef STRENGTHEN_MAKE-RESISTANT -beep MAKE-A-SOUND -befall HAPPEN_OCCUR -befit HARMONIZE -befriend BEFRIEND -beg ASK_REQUEST -begin BEGIN -begrudge CAUSE-MENTAL-STATE -beguile DECEIVE -behave BEHAVE -behead KILL -belay SECURE_FASTEN_TIE -belie SHOW -believe BELIEVE -belittle CRITICIZE -bellow SHOUT -belly-flop FAIL_LOSE -belong POSSESS -bemoan REGRET_SORRY -bend GIVE-UP_ABOLISH_ABANDON BEND -benefit HELP_HEAL_CARE_CURE -bequeath GIVE_GIFT -berate REPRIMAND -bereave STEAL_DEPRIVE -beseech ASK_REQUEST -beset CAUSE-MENTAL-STATE -besiege CAUSE-MENTAL-STATE -besmirch ACCUSE -best DEFEAT -bestow GIVE_GIFT -bet GUESS -betray BETRAY -betroth ALLY_ASSOCIATE_MARRY -better AMELIORATE -beware WATCH_LOOK-OUT -bewilder CAUSE-MENTAL-STATE -bewitch ATTRACT_SUCK -bias INFLUENCE -bicker ARGUE-IN-DEFENSE -bicycle MOVE-BY-MEANS-OF -bid OFFER REQUIRE_NEED_WANT_HOPE -bide STAY_DWELL -bike MOVE-BY-MEANS-OF -bilk STEAL_DEPRIVE -bill PUBLICIZE CHARGE -billet LOAD_PROVIDE_CHARGE_FURNISH -billow RAISE -bind OBLIGE_FORCE PLAN_SCHEDULE SECURE_FASTEN_TIE -bitch OPPOSE_REBEL_DISSENT -bite EAT_BITE -blab SPEAK -blabber SPEAK -black COLOR -blacken COLOR -blacklist PRECLUDE_FORBID_EXPEL -blackmail INFLUENCE -blame ACCUSE -blanket COVER_SPREAD_SURMOUNT -blare MAKE-A-SOUND -blast THROW CRITICIZE ATTACK_BOMB MAKE-A-SOUND SHOOT_LAUNCH_PROPEL -blaze BURN -bleach COLOR -bleat GO-FORWARD -bleed CAUSE-MENTAL-STATE REDUCE_DIMINISH EXCRETE STEAL_DEPRIVE -blemish BREAK_DETERIORATE -blend COMBINE_MIX_UNITE -bless COMMUNE -blight BREAK_DETERIORATE -blind BLIND -blindfold BLIND -blink FACIAL-EXPRESSION -block STOP -blockade STOP -blog PUBLISH -bloody COVER_SPREAD_SURMOUNT -bloom GROW_PLOW -blossom GROW_PLOW -blot DIRTY -blow MESS PERFORM EXPLODE BREATH_BLOW WASTE AIR SHAPE -blubber CRY -bludgeon HIT -blunder GO-FORWARD MISTAKE -blunt WEAKEN -blur DIM -blurt SPEAK -board CATCH_EMBARK STAY_DWELL -boast BEHAVE -boat MOVE-BY-MEANS-OF -bob MOVE-ONESELF -bode SIGNAL_INDICATE -bog STOP -boggle CAUSE-MENTAL-STATE -boil SPILL_POUR HEAT -bolster STRENGTHEN_MAKE-RESISTANT -bolt LEAVE_DEPART_RUN-AWAY SECURE_FASTEN_TIE -bomb FAIL_LOSE ATTACK_BOMB -bombard ATTACK_BOMB -bond GUARANTEE_ENSURE_PROMISE ATTACH -bone STUDY -boo CRITICIZE -book RECORD -boom INCREASE_ENLARGE_MULTIPLY MAKE-A-SOUND -boost INCREASE_ENLARGE_MULTIPLY -boot SPEAK -bootleg SELL -border BORDER -bore HOLE_PIERCE CAUSE-MENTAL-STATE -borrow TAKE-A-SERVICE_RENT -botch MESS -bother CAUSE-MENTAL-STATE -bottle STOP PUT_APPLY_PLACE_PAVE -bottleneck STOP -bottom FALL_SLIDE-DOWN -bounce MOVE-BACK RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -bound GO-FORWARD BORDER -bow LOWER FAIL_LOSE RESIGN_RETIRE BEND -bowl PLAY_SPORT/GAME -box ENCLOSE_WRAP INSERT -boycott REFUSE -brace PREPARE -brag BEHAVE -brainwash PERSUADE -braise COOK -branch SEPARATE_FILTER_DETACH -brand NAME -brandish SHOW -brave FACE_CHALLENGE -brazen FACE_CHALLENGE -breach VIOLATE -bread COVER_SPREAD_SURMOUNT -break VIOLATE APPEAR COMPENSATE DISBAND_BREAK-UP BREAK_DETERIORATE LEAVE_DEPART_RUN-AWAY STOP CAUSE-MENTAL-STATE DESTROY HAPPEN_OCCUR SEPARATE_FILTER_DETACH BEGIN -breakthrough CHANGE_SWITCH -breathe BREATH_BLOW -breed GIVE-BIRTH -brew PREPARE -bribe CORRUPT -bridge JOIN_CONNECT -brief TEACH -brighten LIGHTEN -brim FILL -bring LOWER RAISE BRING ACCOMPANY HAPPEN_OCCUR -bristle REACT -broadcast TRANSMIT -broaden INCREASE_ENLARGE_MULTIPLY -broker MANAGE -brood THINK -brook TOLERATE -browbeat SUBJUGATE -browse SEARCH -bruise BREAK_DETERIORATE -brush TOUCH REMOVE_TAKE-AWAY_KIDNAP EMBELLISH REFUSE -brutalize TREAT -bubble EMIT -buck RESIST -buckle LOWER SECURE_FASTEN_TIE PREPARE -bud BEGIN -budge MOVE-ONESELF -budget GIVE_GIFT -buff WASH_CLEAN -buffer PROTECT -buffet HIT -bug CAUSE-MENTAL-STATE DECEIVE -build MOUNT_ASSEMBLE_PRODUCE INCREASE_ENLARGE_MULTIPLY INCLUDE-AS -bulge FILL -bulldoze FLATTEN_SMOOTHEN -bullet SHOOT_LAUNCH_PROPEL -bully OBLIGE_FORCE -bumble SPEAK -bump REMOVE_TAKE-AWAY_KIDNAP HIT -bundle DRESS_WEAR -bungle MESS -bunk LOAD_PROVIDE_CHARGE_FURNISH -buoy CARRY_TRANSPORT -burble SPEAK -burden BURDEN_BEAR -burgeon AMELIORATE -burglarize STEAL_DEPRIVE -burn FINISH_CONCLUDE_END BURN -burnish WASH_CLEAN -burst APPEAR EXPLODE -bury BURY_PLANT -bust DESTROY CATCH -bustle MOVE-ONESELF -butcher KILL -butt VIOLATE -buttress STRENGTHEN_MAKE-RESISTANT -buy BUY -buzz LEAVE_DEPART_RUN-AWAY MAKE-A-SOUND VISIT -bypass ABSTAIN_AVOID_REFRAIN -cadge ASK_REQUEST -cajole PERSUADE -cake COVER_SPREAD_SURMOUNT -calculate SUBJECTIVE-JUDGING -calibrate ADJUST_CORRECT -call ASK_REQUEST LEAD_GOVERN CANCEL_ELIMINATE FACE_CHALLENGE SUMMON NAME SPEAK GUESS -calm MAKE-RELAX -camouflage CLOUD_SHADOW_HIDE -camp STAY_DWELL -campaign WORK -can PRESERVE -cancel CANCEL_ELIMINATE -candy COVER_SPREAD_SURMOUNT -canvass ANALYZE -cap FINISH_CONCLUDE_END COVER_SPREAD_SURMOUNT -capitalize BENEFIT_EXPLOIT FOLLOW_SUPPORT_SPONSOR_FUND -capitulate FAIL_LOSE -capsize INVERT_REVERSE -captain LEAD_GOVERN -caption LOAD_PROVIDE_CHARGE_FURNISH -captivate LURE_ENTICE -capture STEAL_DEPRIVE -care CAUSE-MENTAL-STATE -careen GO-FORWARD -caricature JOKE -carol SING -carouse ENJOY -carp CRITICIZE -carry CONTINUE CARRY_TRANSPORT ACHIEVE CARRY-OUT-ACTION -cart CARRY_TRANSPORT PULL -carve CAVE_CARVE CUT -cash BENEFIT_EXPLOIT CHANGE_SWITCH -cast THROW CREATE_MATERIALIZE CHOOSE -castigate REPRIMAND -castle PLAY_SPORT/GAME -catalog SORT_CLASSIFY_ARRANGE -catalyze CONVERT -catapult SHOOT_LAUNCH_PROPEL -catch LEARN HUNT CATCH UNDERSTAND STOP FIND -categorize SORT_CLASSIFY_ARRANGE -cater NOURISH_FEED -cause CAUSE-SMT -caution WARN -cave BREAK_DETERIORATE -cease FINISH_CONCLUDE_END -cede GIVE-UP_ABOLISH_ABANDON -celebrate APPROVE_PRAISE CELEBRATE_PARTY -cement ATTACH -censor PRECLUDE_FORBID_EXPEL -center FOCUS -centralize AMASS -certify GUARANTEE_ENSURE_PROMISE -chafe CAUSE-MENTAL-STATE -chain SECURE_FASTEN_TIE -chair LEAD_GOVERN -chalk RECORD -challenge FACE_CHALLENGE -champion FIGHT -chance RISK -change REPLACE CHANGE_SWITCH -channel DIRECT_AIM_MANEUVER -chant PERFORM -char BURN -characterize REPRESENT -charge LOAD_PROVIDE_CHARGE_FURNISH PAY LEND ACCUSE CHARGE RUN -chart REPRESENT -charter TAKE-A-SERVICE_RENT -chase CHASE -chasten REPRIMAND -chastise REPRIMAND -chat SPEAK -chauffeur CARRY_TRANSPORT -cheapen DEBASE_ADULTERATE -cheat DECEIVE STEAL_DEPRIVE -check PROVE VERIFY -cheer APPROVE_PRAISE CAUSE-MENTAL-STATE -cheerlead WORK -cherish LIKE -chew EAT_BITE -chide REPRIMAND -chill CAUSE-MENTAL-STATE -chime SPEAK -chip SEPARATE_FILTER_DETACH LOAD_PROVIDE_CHARGE_FURNISH -chisel CAVE_CARVE -choke WEAKEN STOP HURT_HARM_ACHE -choose CHOOSE -chop CUT -chortle LAUGH -christen COMMUNE -chronicle RECORD -chuck DISCARD -chuckle LAUGH -chug GO-FORWARD -churn MOVE-ONESELF -cinch VERIFY -circle ENCLOSE_WRAP MOVE-ONESELF -circuit TRAVEL -circulate CIRCULATE_SPREAD_DISTRIBUTE -circumcise CUT -circumscribe PRECLUDE_FORBID_EXPEL -circumvent ABSTAIN_AVOID_REFRAIN -cite SUMMON CITE -claim ASK_REQUEST AFFIRM -clamber RAISE -clamor ASK_REQUEST -clamp SECURE_FASTEN_TIE -clang MAKE-A-SOUND -clank MAKE-A-SOUND -clap HIT -clarify EXPLAIN -clash QUARREL_POLEMICIZE -classify RESTRAIN SORT_CLASSIFY_ARRANGE -claw CORRODE_WEAR-AWAY_SCRATCH -clean WASH_CLEAN EMPTY_UNLOAD -cleanse WASH_CLEAN -clear APPROVE_PRAISE WASH_CLEAN REMOVE_TAKE-AWAY_KIDNAP AUTHORIZE_ADMIT -clench PRESS_PUSH_FOLD -click MAKE-A-SOUND -climax FINISH_CONCLUDE_END -climb RAISE INCREASE_ENLARGE_MULTIPLY -clinch SETTLE_CONCILIATE -cling ATTACH -clink MAKE-A-SOUND -clip CUT -cloak CLOUD_SHADOW_HIDE -clobber HIT -clock AFFECT MEASURE_EVALUATE -clog STOP -clone INCREASE_ENLARGE_MULTIPLY -close FINISH_CONCLUDE_END REACH ISOLATE SETTLE_CONCILIATE CLOSE GO-FORWARD -clothe DRESS_WEAR -cloud CLOUD_SHADOW_HIDE -clown BEHAVE -club HIT -cluster AMASS -clutch CATCH -clutter FILL -co-author CREATE_MATERIALIZE -co-exist EXIST_LIVE -co-found ESTABLISH -co-sponsor FOLLOW_SUPPORT_SPONSOR_FUND -coach TEACH -coast MOVE-ONESELF -coat COVER_SPREAD_SURMOUNT -coax PERSUADE -cobble MOUNT_ASSEMBLE_PRODUCE -coddle TREAT -code CREATE_MATERIALIZE CONVERT -codify SORT_CLASSIFY_ARRANGE -cohabit STAY_DWELL -cohere COMBINE_MIX_UNITE -coil ROLL -coin CREATE_MATERIALIZE -coincide HAPPEN_OCCUR -collaborate ALLY_ASSOCIATE_MARRY -collapse FAIL_LOSE BREAK_DETERIORATE -collect AMASS -collide HIT -collude ALLY_ASSOCIATE_MARRY -colonize CONQUER -color COLOR -comb STRAIGHTEN SEARCH -combat FIGHT -combine COMBINE_MIX_UNITE -come ACHIEVE SEEM COME-FROM REFER INFLUENCE TAKE BUY BRING UNDERSTAND RESULT_CONSEQUENCE FIND HAPPEN_OCCUR CONTRACT-AN-ILLNESS_INFECT APPEAR REACH GO-FORWARD FOLLOW-IN-SPACE START-FUNCTIONING ARRIVE -comfort MAKE-RELAX -command COST ORDER -commandeer STEAL_DEPRIVE -commemorate CELEBRATE_PARTY -commence BEGIN -commend APPROVE_PRAISE -comment EXPLAIN -commercialize SELL -commiserate CAUSE-MENTAL-STATE -commission ASK_REQUEST -commit VIOLATE GIVE_GIFT -commodify CHANGE-APPEARANCE/STATE -communicate INFORM -commute GO-FORWARD -compact PRESS_PUSH_FOLD -compare COMPARE -compel OBLIGE_FORCE -compensate PAY -compete COMPETE -compile AMASS -complain SPEAK -complement AMELIORATE -complete FINISH_CONCLUDE_END -complicate WORSEN -compliment APPROVE_PRAISE -comply OBEY -compose CREATE_MATERIALIZE REPRESENT -compound COMBINE_MIX_UNITE -comprehend UNDERSTAND -compress PRESS_PUSH_FOLD -comprise INCLUDE-AS -compromise SETTLE_CONCILIATE ENDANGER -compute CALCULATE_ESTIMATE -computerize AUTOMATIZE -con JOKE -conceal CLOUD_SHADOW_HIDE -concede RECOGNIZE_ADMIT_IDENTIFY -conceive CREATE_MATERIALIZE SUBJECTIVE-JUDGING -concentrate CHANGE-APPEARANCE/STATE FOCUS -concern REFER CAUSE-MENTAL-STATE -conclude FINISH_CONCLUDE_END DECIDE_DETERMINE -concoct CREATE_MATERIALIZE -concrete SPILL_POUR -concur AGREE_ACCEPT -condemn OBLIGE_FORCE -condense CHANGE-APPEARANCE/STATE -condition OBLIGE_FORCE CAUSE-MENTAL-STATE -condone JUSTIFY_EXCUSE -conduct CIRCULATE_SPREAD_DISTRIBUTE BEHAVE -confer DISCUSS GIVE_GIFT -confess RECOGNIZE_ADMIT_IDENTIFY -confide REVEAL -configure ADJUST_CORRECT -confine CAGE_IMPRISON -confirm AFFIRM -confiscate REMOVE_TAKE-AWAY_KIDNAP -conflict DISTINGUISH_DIFFER -conform ADJUST_CORRECT -confront FACE_CHALLENGE -confuse CAUSE-MENTAL-STATE -congeal CHANGE-APPEARANCE/STATE -congest STOP -congratulate APPROVE_PRAISE -congregate MEET -conjecture BELIEVE -conjure CREATE_MATERIALIZE -connect JOIN_CONNECT -connote MEAN -conquer LEAD_GOVERN -consent AGREE_ACCEPT -conserve PRESERVE -consider SUBJECTIVE-JUDGING CONSIDER -consign SEND -consist EXIST-WITH-FEATURE -console MAKE-RELAX -consolidate COMBINE_MIX_UNITE -consort ACCOMPANY -conspire ALLY_ASSOCIATE_MARRY -constitute INCLUDE-AS -constrain RESTRAIN -constrict PRESS_PUSH_FOLD -construct MOUNT_ASSEMBLE_PRODUCE -construe INTERPRET -consult DISCUSS -consume CONSUME_SPEND -consummate AMELIORATE -contact COMMUNICATE_CONTACT -contain CONTAIN -contaminate DIRTY -contemplate TAKE-INTO-ACCOUNT_CONSIDER -contemporize AMELIORATE -contend COMPETE AFFIRM -content CAUSE-MENTAL-STATE -contest CRITICIZE -continue CONTINUE SPEAK -contract HIRE REDUCE_DIMINISH CONTRACT-AN-ILLNESS_INFECT -contradict REFUSE -contrast DISTINGUISH_DIFFER -contravene VIOLATE -contribute LOAD_PROVIDE_CHARGE_FURNISH -control MANAGE -convene SUMMON -converge GO-FORWARD -converse SPEAK -convert CONVERT -convey INFORM -convict DECREE_DECLARE -convince PERSUADE -convoke SUMMON -convolute DECEIVE -convulse PRESS_PUSH_FOLD -coo MAKE-A-SOUND -cook CREATE_MATERIALIZE COOK HAPPEN_OCCUR -cool COOL -cooperate ALLY_ASSOCIATE_MARRY -coordinate ORGANIZE -cop REMOVE_TAKE-AWAY_KIDNAP -cope FACE_CHALLENGE -copy COPY -copyright PROTECT -cork CLOSE -corner MANAGE -corral ENCLOSE_WRAP -correct ADJUST_CORRECT -correspond COMMUNICATE_CONTACT MATCH -corroborate PROVE -cosset TREAT -cost COST -costume LOAD_PROVIDE_CHARGE_FURNISH -couch SPEAK -cough GIVE_GIFT EXCRETE -counsel WARN -count EXIST-WITH-FEATURE COUNT RELY INCLUDE-AS -countenance AUTHORIZE_ADMIT -counter REACT -counteract OPPOSE_REBEL_DISSENT -counterattack ATTACK_BOMB -counterbalance COMPENSATE -countervail COMPENSATE -couple JOIN_CONNECT -course TRAVEL -court COURT -cover CLOUD_SHADOW_HIDE COVER_SPREAD_SURMOUNT TRANSMIT INCLUDE-AS -covet REQUIRE_NEED_WANT_HOPE -cower CAUSE-MENTAL-STATE -cowrite CREATE_MATERIALIZE -crack PRECLUDE_FORBID_EXPEL MAKE-A-SOUND SPEAK BREAK_DETERIORATE -crackle MAKE-A-SOUND -craft MOUNT_ASSEMBLE_PRODUCE -cram STUDY PUT_APPLY_PLACE_PAVE -crane EXTEND -crank INCREASE_ENLARGE_MULTIPLY MOUNT_ASSEMBLE_PRODUCE -crash VIOLATE ESTABLISH BREAK_DETERIORATE -crave REQUIRE_NEED_WANT_HOPE -crawl TRAVEL -creak MAKE-A-SOUND -cream DEFEAT -crease PRESS_PUSH_FOLD -create MOUNT_ASSEMBLE_PRODUCE -credit ADD ASCRIBE -creep TRAVEL MOVE-ONESELF -crest REACH -criminalize PRECLUDE_FORBID_EXPEL -crimp ROLL -cringe MOVE-BACK -cripple HURT_HARM_ACHE -crisscross OVERCOME_SURPASS -criticize CRITICIZE -croak KILL -croon SING -crop APPEAR -cross REACH CAUSE-MENTAL-STATE CANCEL_ELIMINATE OVERLAP -crouch LOWER -crow ENJOY -crowd FILL ARRIVE -crown COVER_SPREAD_SURMOUNT -crucify KILL -cruise TRAVEL SEARCH -crumble BREAK_DETERIORATE -crumple PRESS_PUSH_FOLD -crunch BREAK_DETERIORATE -crush BREAK_DETERIORATE -cry CRY SPEAK -crystallize CHANGE-APPEARANCE/STATE -cuff HIT -culminate REACH -cultivate INCREASE_ENLARGE_MULTIPLY -cum EXCRETE -curb REDUCE_DIMINISH -cure PRESERVE HELP_HEAL_CARE_CURE -curl ROLL -curry FLATTER -curse OFFEND_DISESTEEM -curtail REDUCE_DIMINISH -curve BEND -cushion PROTECT -customize ADJUST_CORRECT -cut ORGANIZE CUT REDUCE_DIMINISH REMOVE_TAKE-AWAY_KIDNAP LIBERATE_ALLOW_AFFORD -cycle MOVE-BY-MEANS-OF -dab TOUCH -dabble WORK -damage BREAK_DETERIORATE -damn BEWITCH -damp WEAKEN -dampen WEAKEN -dance DANCE GO-FORWARD -dandle TOUCH -dangle HANG -dare BEHAVE -darken DIM -dash DESTROY RUN -date LOCATE-IN-TIME_DATE COURT -daub COVER_SPREAD_SURMOUNT -daunt CAUSE-MENTAL-STATE -dawdle BEHAVE -dawn UNDERSTAND BEGIN -dazzle CAUSE-MENTAL-STATE -de-nuclearize CANCEL_ELIMINATE -deactivate SWITCH-OFF_TURN-OFF_SHUT-DOWN -deafen HURT_HARM_ACHE -deal FACE_CHALLENGE CIRCULATE_SPREAD_DISTRIBUTE -debate DISCUSS -debauch DEBASE_ADULTERATE -debit RECORD -debug ADJUST_CORRECT -debunk PROVE -debut SHOW -decapitate KILL -decay BREAK_DETERIORATE -decease KILL -deceive DECEIVE -decelerate SLOW-DOWN -decentralize CIRCULATE_SPREAD_DISTRIBUTE -decide DECIDE_DETERMINE -decimate KILL -deck EMBELLISH -declare DECREE_DECLARE SPEAK -declassify LIBERATE_ALLOW_AFFORD -decline REDUCE_DIMINISH REFUSE -decode INTERPRET -decommission RECALL -decompose DESTROY -decontaminate WASH_CLEAN -decorate EMBELLISH -decrease REDUCE_DIMINISH -decree DECREE_DECLARE -decry DISLIKE -dedicate FOCUS -deduct REMOVE_TAKE-AWAY_KIDNAP -deem BELIEVE -deemphasize DEBASE_ADULTERATE -deepen INCREASE_ENLARGE_MULTIPLY -deescalate REDUCE_DIMINISH -defame OFFEND_DISESTEEM -default FAIL_LOSE -defeat DEFEAT -defect BETRAY -defend PROTECT -defer GIVE-UP_ABOLISH_ABANDON DELAY -defile DIRTY -define REPRESENT -deflate REDUCE_DIMINISH -deflect ABSTAIN_AVOID_REFRAIN -deform SHAPE -defraud STEAL_DEPRIVE -defray PAY -defuse REMOVE_TAKE-AWAY_KIDNAP -defy RESIST -degenerate WORSEN -degrade DEBASE_ADULTERATE -delay DELAY -delegate ASSIGN-smt-to-smn -delete CANCEL_ELIMINATE -deliberate DISCUSS -delight CAUSE-MENTAL-STATE SPEAK LIKE -delineate SHOW -deliver CARRY_TRANSPORT -delouse REMOVE_TAKE-AWAY_KIDNAP -delude DECEIVE -delve EXTRACT -demagogue SPEAK -demand ASK_REQUEST -demean DOWNPLAY_HUMILIATE -demilitarize REMOVE_TAKE-AWAY_KIDNAP -demobilize DISMISS_FIRE-SMN -democratize CHANGE-APPEARANCE/STATE -demolish DESTROY -demonize CHANGE-APPEARANCE/STATE -demonstrate SHOW -demoralize CAUSE-MENTAL-STATE -demote ASSIGN-smt-to-smn -demur CRITICIZE -denigrate OFFEND_DISESTEEM -denominate NAME -denounce CRITICIZE -dent BREAK_DETERIORATE -denude REMOVE_TAKE-AWAY_KIDNAP -deny REFUSE -depart LEAVE_DEPART_RUN-AWAY -depend RELY -depict SHOW -deplete CONSUME_SPEND -deplore REGRET_SORRY -deploy CIRCULATE_SPREAD_DISTRIBUTE -deport MOVE-SOMETHING -depose DISMISS_FIRE-SMN -deposit PUT_APPLY_PLACE_PAVE -depreciate DEBASE_ADULTERATE -depress CAUSE-MENTAL-STATE REDUCE_DIMINISH -deprive STEAL_DEPRIVE -derail STOP -derange MESS -deregulate LIBERATE_ALLOW_AFFORD -deride JOKE -derive CREATE_MATERIALIZE -descend LOWER -describe REPRESENT -desecrate VIOLATE -desensitize WEAKEN -desert GIVE-UP_ABOLISH_ABANDON -deserve EXIST-WITH-FEATURE -design CREATE_MATERIALIZE -designate NAME -desire REQUIRE_NEED_WANT_HOPE -desist ABSTAIN_AVOID_REFRAIN -despair CAUSE-MENTAL-STATE -despise DISLIKE -destabilize MESS -destigmatize LIBERATE_ALLOW_AFFORD -destine PLAN_SCHEDULE -destroy DESTROY -destruct DESTROY -detach SEPARATE_FILTER_DETACH -detail EXPLAIN -detain CAGE_IMPRISON -detect FIND -deter OPPOSE_REBEL_DISSENT -deteriorate WORSEN -determine DECIDE_DETERMINE -detest DISLIKE -dethrone DISMISS_FIRE-SMN -detract REDUCE_DIMINISH -devalue DEBASE_ADULTERATE -devastate DESTROY -develop CREATE_MATERIALIZE BEGIN -deviate TURN_CHANGE-DIRECTION -devise ORGANIZE -devote FOCUS -devour EAT_BITE -diagnose ANALYZE -diagram PAINT -dial MOUNT_ASSEMBLE_PRODUCE -dicker NEGOTIATE -dictate ORDER -die WEAKEN KILL -differ DISTINGUISH_DIFFER -differentiate DIVERSIFY -diffuse CIRCULATE_SPREAD_DISTRIBUTE -dig REMOVE_TAKE-AWAY_KIDNAP EXTRACT -digest EAT_BITE -dignify APPROVE_PRAISE -dilute DEBASE_ADULTERATE -dim DIM -dime CAUSE-MENTAL-STATE -diminish REDUCE_DIMINISH -din EAT_BITE -dine EAT_BITE -dip DIP_DIVE REDUCE_DIMINISH -direct DIRECT_AIM_MANEUVER -disable STOP -disadvantage STOP -disagree REFUSE -disallow PRECLUDE_FORBID_EXPEL -disappear LEAVE_DEPART_RUN-AWAY -disappoint FRUSTRATE_DISAPPOINT -disapprove REFUSE -disarm STEAL_DEPRIVE -disassemble DESTROY -disassociate DISBAND_BREAK-UP -disavow REFUSE -disband DISBAND_BREAK-UP -disbelieve REFUSE -disburse PAY -discard DISCARD -discern PERCEIVE -discharge CANCEL_ELIMINATE LIBERATE_ALLOW_AFFORD -discipline PUNISH -disclaim REFUSE -disclose REVEAL -discolor COLOR -discomfit CAUSE-MENTAL-STATE -disconnect SEPARATE_FILTER_DETACH -discontinue STOP -discount REFUSE DEBASE_ADULTERATE -discourage CAUSE-MENTAL-STATE -discourse SPEAK -discover FIND -discredit OFFEND_DISESTEEM -discriminate UNDERSTAND REFUSE -discuss DISCUSS -disdain DISLIKE -disembark LAND_GET-OFF -disenchant FRUSTRATE_DISAPPOINT -disenfranchise STEAL_DEPRIVE -disengage LIBERATE_ALLOW_AFFORD -disgorge EMPTY_UNLOAD -disgrace OFFEND_DISESTEEM -disgruntle CAUSE-MENTAL-STATE -disguise DECEIVE -disgust DISLIKE -dish GIVE_GIFT -disincline CAUSE-MENTAL-STATE -disinherit STEAL_DEPRIVE -disintegrate SEPARATE_FILTER_DETACH -disinvite CANCEL_ELIMINATE -dislike DISLIKE -dismantle DESTROY -dismay CAUSE-MENTAL-STATE -dismember SEPARATE_FILTER_DETACH -dismiss NAME DISMISS_FIRE-SMN -disobey OPPOSE_REBEL_DISSENT -disorient ORIENT -disown REFUSE -disparage CRITICIZE -dispatch SEND -dispel DRIVE-BACK -dispense GIVE-UP_ABOLISH_ABANDON GIVE_GIFT -disperse CIRCULATE_SPREAD_DISTRIBUTE -displace REMOVE_TAKE-AWAY_KIDNAP -display SHOW -displease CAUSE-MENTAL-STATE -dispose CAUSE-MENTAL-STATE DISCARD -disprove PROVE -dispute QUARREL_POLEMICIZE -disqualify CANCEL_ELIMINATE -disregard DOWNPLAY_HUMILIATE -disrespect OFFEND_DISESTEEM -disrupt MESS -dissatisfy CAUSE-MENTAL-STATE -dissect ANALYZE -dissemble CLOUD_SHADOW_HIDE -disseminate CIRCULATE_SPREAD_DISTRIBUTE -dissent OPPOSE_REBEL_DISSENT -dissimulate CLOUD_SHADOW_HIDE -dissipate LEAVE_DEPART_RUN-AWAY -dissociate DISBAND_BREAK-UP -dissolve DESTROY -dissuade PERSUADE -distance MOVE-BACK -distil EXTRACT -distill EXTRACT -distinguish SEPARATE_FILTER_DETACH -distort REPRESENT -distract CAUSE-MENTAL-STATE -distress CAUSE-MENTAL-STATE -distribute CIRCULATE_SPREAD_DISTRIBUTE -distrust RELY -disturb CAUSE-MENTAL-STATE -dive DIP_DIVE REDUCE_DIMINISH -diverge SEPARATE_FILTER_DETACH -diversify DIVERSIFY -divert TURN_CHANGE-DIRECTION -divest REMOVE_TAKE-AWAY_KIDNAP -divide SEPARATE_FILTER_DETACH DIVIDE -divorce DISBAND_BREAK-UP -divulge REVEAL -divvy SEPARATE_FILTER_DETACH -dizzy CAUSE-MENTAL-STATE -do AUXILIARY LIGHT-VERB CORRELATE RESULT_CONSEQUENCE KILL -dock LAND_GET-OFF -document LOAD_PROVIDE_CHARGE_FURNISH -dodge ABSTAIN_AVOID_REFRAIN -doff REMOVE_TAKE-AWAY_KIDNAP -dog CHASE -dole GIVE_GIFT -dollarize CHANGE_SWITCH -dominate LEAD_GOVERN -don DRESS_WEAR -donate GIVE_GIFT -doom DECREE_DECLARE -dot COVER_SPREAD_SURMOUNT -double WORK INCREASE_ENLARGE_MULTIPLY -doubt BELIEVE -douse WET -dovetail FIT -down KNOCK-DOWN -downgrade REPLACE WORSEN -downlink TRANSMIT -download TRANSMIT -downplay DOWNPLAY_HUMILIATE -downsize REDUCE_DIMINISH -doze SLEEP -draft CREATE_MATERIALIZE -drag PULL -drain EMPTY_UNLOAD -drape COVER_SPREAD_SURMOUNT -draw PAINT OBTAIN SHOW -dread CAUSE-MENTAL-STATE -dream THINK CAUSE-MENTAL-STATE IMAGINE -dredge REMOVE_TAKE-AWAY_KIDNAP SEARCH -drench WET -dress EMBELLISH DRESS_WEAR REPRIMAND -drift TRAVEL -drill HOLE_PIERCE TEACH -drink CELEBRATE_PARTY DRINK -drip SPILL_POUR EXIST-WITH-FEATURE -drive MOVE-BY-MEANS-OF -drone MAKE-A-SOUND -drool SPILL_POUR -drop CONSUME_SPEND EMPTY_UNLOAD VISIT GIVE-UP_ABOLISH_ABANDON DROP DISMISS_FIRE-SMN SPEAK -drown CLOUD_SHADOW_HIDE DIP_DIVE KILL -drug GIVE_GIFT -drum GROUP -dry CONSUME_SPEND DRY -dub NAME -duck ABSTAIN_AVOID_REFRAIN -duel FIGHT -dull DIM -dump DISCARD -dupe DECEIVE -duplicate COPY -dust WASH_CLEAN -dwarf COMPARE -dwell STAY_DWELL -dwindle REDUCE_DIMINISH -dye COLOR -dyke ENCLOSE_WRAP -earmark RETAIN_KEEP_SAVE-MONEY -earn EARN -ease MAKE-RELAX SIMPLIFY GO-FORWARD REDUCE_DIMINISH -eat CONSUME_SPEND CORRODE_WEAR-AWAY_SCRATCH EAT_BITE -eavesdrop HEAR_LISTEN -ebb REDUCE_DIMINISH -echo REPEAT -eclipse COMPARE -economize RETAIN_KEEP_SAVE-MONEY -edge GO-FORWARD DEFEAT -edit ADJUST_CORRECT -editorialize SPEAK -educate TEACH -eek GO-FORWARD -effect CAUSE-SMT -effectuate CREATE_MATERIALIZE -eject DRIVE-BACK -elaborate EXPLAIN -elapse SPEND-TIME_PASS-TIME -elect CHOOSE -electrify CAUSE-MENTAL-STATE -electrocute KILL -electroplate COVER_SPREAD_SURMOUNT -elevate RAISE -elicit AROUSE_WAKE_ENLIVEN -eliminate CANCEL_ELIMINATE -elongate EXTEND -elucidate EXPLAIN -elude ABSTAIN_AVOID_REFRAIN -email COMMUNICATE_CONTACT -emanate FLOW -emasculate WEAKEN -embargo STOP -embark BEGIN -embarrass CAUSE-MENTAL-STATE -embattle PREPARE -embed SECURE_FASTEN_TIE -embellish EMBELLISH -embezzle STEAL_DEPRIVE -emblazon EMBELLISH -embody REPRESENT -embolden INCITE_INDUCE -emboss WRITE -embrace TOUCH INCLUDE-AS -embroider EMBELLISH -embroil OBLIGE_FORCE -emerge APPEAR COME-FROM -emigrate LEAVE_DEPART_RUN-AWAY -emit EMIT -emote PERFORM -emotion FEEL -empathize CAUSE-MENTAL-STATE -emphasize EMPHASIZE -emplace PUT_APPLY_PLACE_PAVE -employ HIRE USE -empower AUTHORIZE_ADMIT -empty EMPTY_UNLOAD -emulate FACE_CHALLENGE -enable HELP_HEAL_CARE_CURE -enact ORDER -encapsulate ENCLOSE_WRAP -encase ENCLOSE_WRAP -enchain STOP -enchant ENCLOSE_WRAP -encircle ENCLOSE_WRAP -enclose ENCLOSE_WRAP -encode CONVERT -encompass INCLUDE-AS -encounter FIND -encourage FOLLOW_SUPPORT_SPONSOR_FUND INCITE_INDUCE -encrypt CONVERT -encumber BURDEN_BEAR -end RESULT_CONSEQUENCE FINISH_CONCLUDE_END -endanger ENDANGER -endeavor TRY -endorse FOLLOW_SUPPORT_SPONSOR_FUND -endow GIVE_GIFT -endure CONTINUE -energize AROUSE_WAKE_ENLIVEN -enflame AROUSE_WAKE_ENLIVEN -enforce CARRY-OUT-ACTION -engage CARRY-OUT-ACTION -engender CREATE_MATERIALIZE -engineer ORGANIZE -engrave CAVE_CARVE -engulf COVER_SPREAD_SURMOUNT -enhance INCREASE_ENLARGE_MULTIPLY -enjoin PRECLUDE_FORBID_EXPEL -enjoy ENJOY -enlarge INCREASE_ENLARGE_MULTIPLY -enlighten EXPLAIN -enlist ALLY_ASSOCIATE_MARRY -enliven AROUSE_WAKE_ENLIVEN -enrage CAUSE-MENTAL-STATE -enrich AMELIORATE -enroll HIRE -ensconce STAY_DWELL -enshrine ENCLOSE_WRAP -enslave SUBJUGATE -ensnare CATCH -ensue RESULT_CONSEQUENCE -ensure GUARANTEE_ENSURE_PROMISE -entail IMPLY -entangle STOP -enter ENTER PROPOSE -entertain ENJOY CONSIDER -enthrall CAUSE-MENTAL-STATE -entice LURE_ENTICE -entitle NAME AUTHORIZE_ADMIT -entomb BURY_PLANT -entrance LURE_ENTICE -entrench SECURE_FASTEN_TIE -entrust GIVE_GIFT -entwine WEAVE -enumerate EXPLAIN -envelop ENCLOSE_WRAP -envisage IMAGINE -envision IMAGINE -envy CAUSE-MENTAL-STATE -epitomize REPRESENT -equal MATCH -equate COMPARE -equip LOAD_PROVIDE_CHARGE_FURNISH -eradicate CANCEL_ELIMINATE -erase CANCEL_ELIMINATE -erect MOUNT_ASSEMBLE_PRODUCE -erode CORRODE_WEAR-AWAY_SCRATCH -err MISTAKE -erupt BEGIN SPEAK -escalate INCREASE_ENLARGE_MULTIPLY -escape LEAVE_DEPART_RUN-AWAY -eschew ABSTAIN_AVOID_REFRAIN -escort ACCOMPANY -espouse FOLLOW_SUPPORT_SPONSOR_FUND -establish ESTABLISH -esteem LIKE -estimate CALCULATE_ESTIMATE -estrange REMOVE_TAKE-AWAY_KIDNAP -etch CAVE_CARVE -evacuate REMOVE_TAKE-AWAY_KIDNAP -evade ABSTAIN_AVOID_REFRAIN -evaluate SUBJECTIVE-JUDGING -evaporate CONVERT -even FLATTEN_SMOOTHEN -evidence PROVE -evince SHOW -eviscerate EMPTY_UNLOAD -evoke AROUSE_WAKE_ENLIVEN -evolve AMELIORATE -exacerbate WORSEN -exact ASK_REQUEST -exaggerate INCREASE_ENLARGE_MULTIPLY -exalt APPROVE_PRAISE -examine ANALYZE -excavate CAVE_CARVE -exceed OVERCOME_SURPASS -excel EXIST-WITH-FEATURE -except MISS_OMIT_LACK -exchange CONVERT -excise REMOVE_TAKE-AWAY_KIDNAP -excite AROUSE_WAKE_ENLIVEN -exclaim SPEAK -exclude STOP -excoriate AFFIRM -excuse PARDON -execute CARRY-OUT-ACTION KILL -exemplify REPRESENT -exempt EXEMPT -exercise CARRY-OUT-ACTION PREPARE -exert INFLUENCE -exhale EMIT -exhaust EXHAUST -exhibit SHOW -exhilarate CAUSE-MENTAL-STATE -exhort OBLIGE_FORCE -exhume EXTRACT -exile DRIVE-BACK -exist EXIST_LIVE -exit LEAVE_DEPART_RUN-AWAY -exonerate SUBJECTIVE-JUDGING -exorcise DRIVE-BACK -expand INCREASE_ENLARGE_MULTIPLY -expect GUESS -expedite SPEED-UP -expel CANCEL_ELIMINATE -expend CONSUME_SPEND -experience UNDERGO-EXPERIENCE -experiment TRY -expire FINISH_CONCLUDE_END -explain EXPLAIN -explode INCREASE_ENLARGE_MULTIPLY FILL EXPLODE -exploit BENEFIT_EXPLOIT -explore SEARCH -export SELL -expose SHOW -expound EXPLAIN -express SPEAK SEND -expunge CANCEL_ELIMINATE -extend EXTEND -exterminate CANCEL_ELIMINATE -extinguish CANCEL_ELIMINATE -extol APPROVE_PRAISE -extort STEAL_DEPRIVE -extract OBTAIN -extradite DRIVE-BACK -extrapolate CALCULATE_ESTIMATE -extricate REMOVE_TAKE-AWAY_KIDNAP -exude EXCRETE -eye SEE -eyeball SEE -fabricate MOUNT_ASSEMBLE_PRODUCE -face FACE_CHALLENGE -facilitate SIMPLIFY -factor CONSIDER -fade DISAPPEAR -fail FAIL_LOSE -faint SLEEP -fake FAKE -fall QUARREL_POLEMICIZE REDUCE_DIMINISH BREAK_DETERIORATE FAIL_LOSE GO-FORWARD HAPPEN_OCCUR CHANGE_SWITCH -falsify REPRESENT -falter FAIL_LOSE -familiarize LEARN -fan AROUSE_WAKE_ENLIVEN -fancy IMAGINE REQUIRE_NEED_WANT_HOPE -fantasize IMAGINE -fare RESULT_CONSEQUENCE -farm HIRE GENERATE -fart DELAY EXCRETE -fascinate LIKE -fashion MOUNT_ASSEMBLE_PRODUCE -fast DIET -fasten SECURE_FASTEN_TIE -fate DECREE_DECLARE -fathom UNDERSTAND -fatten INCREASE_ENLARGE_MULTIPLY -fault ACCUSE -favor LIKE -favour LIKE -fax SEND -fear CAUSE-MENTAL-STATE -feast EAT_BITE -feature EXIST-WITH-FEATURE -feed NOURISH_FEED INCREASE_ENLARGE_MULTIPLY CAUSE-MENTAL-STATE -feel BELIEVE FEEL -feign SIMULATE -fell KNOCK-DOWN -fence ENCLOSE_WRAP -fend ABSTAIN_AVOID_REFRAIN -ferment SPOIL -ferret FIND -ferry CARRY_TRANSPORT -fertilize AROUSE_WAKE_ENLIVEN -fess RECOGNIZE_ADMIT_IDENTIFY -fester EXCRETE -festoon EMBELLISH -fetch BRING -feud QUARREL_POLEMICIZE -fiddle TOUCH -fidget MOVE-ONESELF -field ANSWER -fight DRIVE-BACK FIGHT RESIST -figure CALCULATE_ESTIMATE DECIDE_DETERMINE IMAGINE HAVE-A-FUNCTION_SERVE -filch STEAL_DEPRIVE -file GO-FORWARD RETAIN_KEEP_SAVE-MONEY REQUIRE_NEED_WANT_HOPE -filibuster STOP -fill SATISFY_FULFILL FILL AMELIORATE REPLACE INFORM -film RECORD -filter SEPARATE_FILTER_DETACH FLOW -finagle DECEIVE -finalize FINISH_CONCLUDE_END -finance PAY -find KNOW FIND DECREE_DECLARE -fine PUNISH -finesse AMELIORATE -finger TOUCH FIND ACCUSE -finish FINISH_CONCLUDE_END EMBELLISH -fire DESTROY SHOOT_LAUNCH_PROPEL DISMISS_FIRE-SMN BURN -firm TIGHTEN -fish HUNT -fit FIT -fix REPAIR_REMEDY ESTABLISH PREPARE -fizz CHANGE-APPEARANCE/STATE -fizzle FINISH_CONCLUDE_END -flabbergast CAUSE-MENTAL-STATE -flag REDUCE_DIMINISH -flame BURN -flank BE-LOCATED_BASE -flap MOVE-ONESELF -flare BEGIN -flash MOVE-BACK RUN SHOW -flatten FLATTEN_SMOOTHEN -flatter FLATTER -flaunt SHOW -flaw BREAK_DETERIORATE -flay REMOVE_TAKE-AWAY_KIDNAP -flee LEAVE_DEPART_RUN-AWAY -fleece REQUIRE_NEED_WANT_HOPE -flex BEND -flicker LIGHT_SHINE -flinch MOVE-BACK -fling THROW -flip INVERT_REVERSE -flirt COURT -float MOVE-SOMETHING -flock GROUP GO-FORWARD -flog HIT -flood FILL -flop FALL_SLIDE-DOWN -flounder BEHAVE -flourish AMELIORATE -flout REFUSE -flow FLOW -flower GROW_PLOW -fluctuate MOVE-ONESELF -flunk FAIL_LOSE -flush WASH_CLEAN -flutter TRAVEL -fly FLY -foam CHANGE-APPEARANCE/STATE -focus FOCUS -fog CLOUD_SHADOW_HIDE -foil PRECLUDE_FORBID_EXPEL -foist BURDEN_BEAR -fold FINISH_CONCLUDE_END CREATE_MATERIALIZE COMBINE_MIX_UNITE -follow FINISH_CONCLUDE_END SIMULATE IMPLY COME-AFTER_FOLLOW-IN-TIME FOLLOW_SUPPORT_SPONSOR_FUND -foment AROUSE_WAKE_ENLIVEN -fondle TOUCH -fool JOKE DECEIVE -foot PAY -forbid PRECLUDE_FORBID_EXPEL -force OBLIGE_FORCE PERSUADE -foreclose REMOVE_TAKE-AWAY_KIDNAP -foresee UNDERSTAND -foreshadow SIGNAL_INDICATE -foretell GUESS -forfeit GIVE-UP_ABOLISH_ABANDON -forge MOUNT_ASSEMBLE_PRODUCE FAKE -forget FORGET -forgive PARDON -forgo GIVE-UP_ABOLISH_ABANDON -fork PAY -form MOUNT_ASSEMBLE_PRODUCE INCLUDE-AS -formalize CREATE_MATERIALIZE -formulate CREATE_MATERIALIZE -forsake GIVE-UP_ABOLISH_ABANDON -fortify STRENGTHEN_MAKE-RESISTANT -forward SEND -foster INCREASE_ENLARGE_MULTIPLY -foul VIOLATE -found ESTABLISH -founder FAIL_LOSE -fraction SEPARATE_FILTER_DETACH -fracture BREAK_DETERIORATE -fragment BREAK_DETERIORATE -frame ENCLOSE_WRAP ACCUSE SPEAK PLAN_SCHEDULE -franchise AUTHORIZE_ADMIT -fray CORRODE_WEAR-AWAY_SCRATCH -freak CAUSE-MENTAL-STATE -free LIBERATE_ALLOW_AFFORD -freelance WORK -freeze COOL STOP -frequent VISIT -fret CAUSE-MENTAL-STATE -frighten DRIVE-BACK CAUSE-MENTAL-STATE -fritter WASTE -frock DRESS_WEAR -frolic BEHAVE -froth EMIT -frown FACIAL-EXPRESSION -frustrate TREAT -fry COOK -fuck HAVE-SEX MESS -fudge FAKE -fuel AROUSE_WAKE_ENLIVEN -fulfill SATISFY_FULFILL -fume CAUSE-MENTAL-STATE -function HAVE-A-FUNCTION_SERVE -fund FOLLOW_SUPPORT_SPONSOR_FUND -funnel SPILL_POUR -furlough DISMISS_FIRE-SMN -furnish LOAD_PROVIDE_CHARGE_FURNISH -furrow PRESS_PUSH_FOLD -further INCREASE_ENLARGE_MULTIPLY -fuse COMBINE_MIX_UNITE -fuss CAUSE-MENTAL-STATE -gag HURT_HARM_ACHE -gain INCREASE_ENLARGE_MULTIPLY OBTAIN -gallop RUN -galvanize AROUSE_WAKE_ENLIVEN INCITE_INDUCE COVER_SPREAD_SURMOUNT -gamble BID -gape SEE -garden WORK -garner TAKE -gas FILL -gasp BREATH_BLOW -gather AMASS -gauge CALCULATE_ESTIMATE -gaze SEE -gear HARMONIZE PREPARE -generalize INFER -generate GENERATE -germinate GROW_PLOW -gesture SIGN -get CONTINUE MOUNT_ASSEMBLE_PRODUCE COMMUNICATE_CONTACT MANAGE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND MOVE-SOMETHING POSSESS MUST MEET OBTAIN BEGIN PUNISH BEFRIEND FACE_CHALLENGE INCITE_INDUCE CHANGE_SWITCH -gift GIVE_GIFT -giggle LAUGH -gird PREPARE -give GIVE_GIFT CHANGE-HANDS BREAK_DETERIORATE EMIT GIVE-UP_ABOLISH_ABANDON HAPPEN_OCCUR GIVE-BIRTH -glamorize EMBELLISH -glance SEE -glare SEE -glaze BLIND -gleam LIGHT_SHINE -glean GROUP -glide TRAVEL -glisten LIGHT_SHINE -glitter LIGHT_SHINE -gloat ENJOY -globalize INCREASE_ENLARGE_MULTIPLY -glorify APPROVE_PRAISE -gloss TREAT -glow LIGHT_SHINE -glue ATTACH -glut LOAD_PROVIDE_CHARGE_FURNISH -gnaw EAT_BITE -go CONTINUE CONSUME_SPEND RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND ACCOMPANY LEAVE-BEHIND MODAL OPERATE FAIL_LOSE EXIST-WITH-FEATURE CHANGE_SWITCH LEAVE_DEPART_RUN-AWAY GO-FORWARD STOP DISAPPEAR ORGANIZE FOLLOW-IN-SPACE FINISH_CONCLUDE_END PERFORM SELL FOLLOW_SUPPORT_SPONSOR_FUND HAVE-A-FUNCTION_SERVE SPEAK -gobble EAT_BITE -goof MISTAKE -gore HURT_HARM_ACHE -gossip REVEAL -gouge CAVE_CARVE STEAL_DEPRIVE -govern LEAD_GOVERN -grab CATCH -grace EMBELLISH -grade ADJUST_CORRECT -graduate AMELIORATE -graft ATTACH -grandstand PERFORM -grant GIVE_GIFT -grapple FACE_CHALLENGE -grasp UNDERSTAND -gratify CAUSE-MENTAL-STATE -gray COLOR -graze NOURISH_FEED -greet WELCOME -grieve CAUSE-MENTAL-STATE -grill COOK -grimace FACIAL-EXPRESSION -grin FACIAL-EXPRESSION -grind STOP MOVE-SOMETHING MAKE-A-SOUND BREAK_DETERIORATE -grip CATCH -gripe OPPOSE_REBEL_DISSENT -groan SIGNAL_INDICATE -groom EMBELLISH -grope TOUCH -gross EARN -ground LAND_GET-OFF -group SORT_CLASSIFY_ARRANGE -grouse OPPOSE_REBEL_DISSENT -grovel SHOW -grow INCREASE_ENLARGE_MULTIPLY DEVELOP_AGE CHANGE-APPEARANCE/STATE GROW_PLOW -growl MAKE-A-SOUND -grumble OPPOSE_REBEL_DISSENT -guarantee GUARANTEE_ENSURE_PROMISE -guard WATCH_LOOK-OUT -guess GUESS -guide DIRECT_AIM_MANEUVER -gun SHOOT_LAUNCH_PROPEL -gush APPROVE_PRAISE -gut REMOVE_TAKE-AWAY_KIDNAP -guzzle DRINK -gyrate MOVE-ONESELF -hack CUT REDUCE_DIMINISH -haggle QUARREL_POLEMICIZE -hail APPROVE_PRAISE COME-FROM -hallucinate SEE -halt STOP -halve DIVIDE -ham BEHAVE -hammer WORK DISCUSS HIT -hamper STOP -hamstring SUBJUGATE -hand GIVE_GIFT -handcuff STOP -handicap COMPLEXIFY -handle MANAGE -hang SPEND-TIME_PASS-TIME FOLLOW_SUPPORT_SPONSOR_FUND STOP HANG WAIT -happen HAPPEN_OCCUR -harass CAUSE-MENTAL-STATE -harbor CAUSE-MENTAL-STATE -harden CHANGE-APPEARANCE/STATE -harm HURT_HARM_ACHE -harness DIRECT_AIM_MANEUVER -harp REFER -harry CAUSE-MENTAL-STATE -harvest GROUP -hash DISCUSS -hasten SPEED-UP -hatch GIVE-BIRTH -hate DISLIKE -haul CARRY_TRANSPORT -haunt AFFECT -have AUXILIARY MODAL GIVE-BIRTH EXIST-WITH-FEATURE INCITE_INDUCE -hawk SELL -head REACH LEAD_GOVERN GO-FORWARD -headline LOAD_PROVIDE_CHARGE_FURNISH -headquarter BE-LOCATED_BASE -heal HELP_HEAL_CARE_CURE -heap AMASS -hear HEAR_LISTEN -hearten INCITE_INDUCE -heat AROUSE_WAKE_ENLIVEN HEAT -heave THROW GO-FORWARD MAKE-A-SOUND -hedge PROTECT -heed FOCUS -heighten INCREASE_ENLARGE_MULTIPLY -helicopter MOVE-BY-MEANS-OF -help HELP_HEAL_CARE_CURE ABSTAIN_AVOID_REFRAIN -hem SEW -hemorrhage EXCRETE -herald SPEAK -herd GROUP -hesitate STOP -hew FOLLOW_SUPPORT_SPONSOR_FUND HIT -hide CLOUD_SHADOW_HIDE -highlight EMPHASIZE -hightail LEAVE_DEPART_RUN-AWAY -hijack STEAL_DEPRIVE -hike TRAVEL -hinder STOP -hinge RELY -hint SPEAK -hire HIRE -hiss MAKE-A-SOUND -hit ASK_REQUEST ARRIVE BEGIN HIT COURT -hitch ATTACH -hoard RETAIN_KEEP_SAVE-MONEY -hobble STOP -hoe EXTRACT -hoist RAISE -hold RESTRAIN OBLIGE_FORCE DELAY RETAIN_KEEP_SAVE-MONEY CONTINUE CONTAIN POSSESS BELIEVE DECREE_DECLARE ORGANIZE RESIST WAIT -hole STAY_DWELL -holler MAKE-A-SOUND -hollow EXTRACT -homer SCORE -hone SHARPEN -honk MAKE-A-SOUND -honor APPROVE_PRAISE AGREE_ACCEPT -hoodwink DECEIVE -hook ENCLOSE_WRAP SECURE_FASTEN_TIE -hop MOVE-BY-MEANS-OF GO-FORWARD -hope REQUIRE_NEED_WANT_HOPE -hopscotch TRAVEL -horrify CAUSE-MENTAL-STATE -hospitalize SEND -host HOST_MEAL_INVITE -hound OFFEND_DISESTEEM -house STAY_DWELL -hover HANG -howl MAKE-A-SOUND CRY -huckster QUARREL_POLEMICIZE -huddle LOWER MEET -hug FIT -hulk OVERCOME_SURPASS -hum GO-FORWARD -humanize CHANGE_SWITCH -humble DOWNPLAY_HUMILIATE -humiliate DOWNPLAY_HUMILIATE -hunch BEND -hunker LIE -hunt CHASE -hurl THROW -hurry RUN -hurt HURT_HARM_ACHE -hurtle GO-FORWARD -hustle MOVE-ONESELF -hype PUBLICIZE -hypercontrol MANAGE -hyperlink DIRECT_AIM_MANEUVER -hyperventilate BREATH_BLOW -hypnotize BEWITCH -hypothesize BELIEVE -identify RECOGNIZE_ADMIT_IDENTIFY MATCH -idle STOP -idolize LIKE -ignite BURN -ignore DOWNPLAY_HUMILIATE -illuminate LIGHTEN -illustrate PAINT EXPLAIN -imagine IMAGINE -imbue AFFECT -imitate SIMULATE -immerse ENCLOSE_WRAP -immigrate LEAVE_DEPART_RUN-AWAY -immunize HELP_HEAL_CARE_CURE -impact AFFECT HIT -impair DEBASE_ADULTERATE -impeach ACCUSE -impede STOP -impel PERSUADE -impend HAPPEN_OCCUR -imperil ENDANGER -impersonate PERFORM -implant INSERT -implement USE -implicate INCLUDE-AS -implore ASK_REQUEST -imply IMPLY -import CARRY_TRANSPORT -impose OBLIGE_FORCE -impound RESTRAIN -impoverish STEAL_DEPRIVE -impregnate HAVE-SEX -impress CAUSE-MENTAL-STATE TEACH -imprint PRINT -imprison CAGE_IMPRISON -improve INCREASE_ENLARGE_MULTIPLY AMELIORATE -improvise CARRY-OUT-ACTION -impugn FACE_CHALLENGE -inaugurate BEGIN ASSIGN-smt-to-smn -incapacitate STOP -incarcerate CAGE_IMPRISON -incentivize INCITE_INDUCE -inch GO-FORWARD -incinerate BURN -incise CAVE_CARVE -incite INCITE_INDUCE -incline BEHAVE -include INCLUDE-AS -incorporate COMBINE_MIX_UNITE -increase INCREASE_ENLARGE_MULTIPLY -incriminate ACCUSE -incubate DEVELOP_AGE -incur RISK -indemnify PROTECT -index ADJUST_CORRECT -indicate SIGNAL_INDICATE -indict ACCUSE -indoctrinate TEACH -induce INCITE_INDUCE -indulge CARRY-OUT-ACTION -industrialize AMELIORATE -infect CONTRACT-AN-ILLNESS_INFECT -infer INFER -infest COVER_SPREAD_SURMOUNT -infiltrate VIOLATE -inflame AROUSE_WAKE_ENLIVEN -inflate INCREASE_ENLARGE_MULTIPLY -inflict OBLIGE_FORCE -influence INFLUENCE -inform INFORM -infringe VIOLATE -infuriate CAUSE-MENTAL-STATE -infuse FILL -ingest EAT_BITE -ingrain TEACH -ingratiate CAUSE-MENTAL-STATE -inhabit LIE -inhale BREATH_BLOW -inherit OBTAIN -inhibit PRECLUDE_FORBID_EXPEL -initial WRITE -initiate BEGIN -inject INSERT -injure HURT_HARM_ACHE -innovate INSERT -inquire ASK_REQUEST -inscribe CAVE_CARVE -insert INSERT -insist AFFIRM -inspect ANALYZE -inspire INFLUENCE -install STAY_DWELL -instigate AROUSE_WAKE_ENLIVEN -instill INSERT -institute ESTABLISH -institutionalize SORT_CLASSIFY_ARRANGE -instruct ORDER -insulate PROTECT ISOLATE -insult OFFEND_DISESTEEM -insure GUARANTEE_ENSURE_PROMISE PROTECT -integrate COMBINE_MIX_UNITE -intend PLAN_SCHEDULE -intensify INCREASE_ENLARGE_MULTIPLY -interact ALLY_ASSOCIATE_MARRY -intercede NEGOTIATE -intercept CATCH -interconnect JOIN_CONNECT -interest CAUSE-MENTAL-STATE -interfere INSERT -interlink JOIN_CONNECT -interlope VIOLATE -intermarry ALLY_ASSOCIATE_MARRY -intermingle BEFRIEND -intermix COMBINE_MIX_UNITE -internalize KNOW -interpret UNDERSTAND -interrogate ASK_REQUEST -interrupt STOP -intersperse ALTERNATE -intertwine WEAVE -intervene PARTICIPATE -interview ASK_REQUEST -intimate IMPLY -intimidate CAUSE-MENTAL-STATE -intone PERFORM -intoxicate AROUSE_WAKE_ENLIVEN -intrigue LIKE -introduce MEET INSERT -intrude VIOLATE -inundate FILL -inure CAUSE-MENTAL-STATE -invade ATTACK_BOMB -invalidate CANCEL_ELIMINATE -invent CREATE_MATERIALIZE -invert INVERT_REVERSE -invest LEND -investigate SEARCH -invigorate AROUSE_WAKE_ENLIVEN -invite ASK_REQUEST -invoke ASK_REQUEST -involve IMPLY -irk CAUSE-MENTAL-STATE -iron SETTLE_CONCILIATE -irradiate SHOW -irritate CAUSE-MENTAL-STATE -isolate ISOLATE -issue EMIT -itemize RECORD -jab HIT -jack RAISE -jail CAGE_IMPRISON -jam AMASS -jar CAUSE-MENTAL-STATE -jell CHANGE-APPEARANCE/STATE -jeopardize RISK -jerk PULL -jest JOKE -jettison DISCARD -jiggle MOVE-SOMETHING -jilt GIVE-UP_ABOLISH_ABANDON -jingle MAKE-A-SOUND -jinx BEWITCH -jockey DECEIVE -jog AROUSE_WAKE_ENLIVEN RUN -join ALLY_ASSOCIATE_MARRY JOIN_CONNECT -joke JOKE -jolt CAUSE-MENTAL-STATE MOVE-SOMETHING -jostle MOVE-SOMETHING -joust FIGHT -judge SUBJECTIVE-JUDGING -juggle MANAGE -jumble MESS -jump RAISE INCREASE_ENLARGE_MULTIPLY LEAVE_DEPART_RUN-AWAY BENEFIT_EXPLOIT JUMP CAUSE-MENTAL-STATE -junk DISCARD -justify PROVE -jut BULGE-OUT -juxtapose BORDER -kayo KNOCK-DOWN -keep CONTINUE REMAIN RETAIN_KEEP_SAVE-MONEY -key HARMONIZE -kick BEGIN HIT -kid JOKE -kidnap REMOVE_TAKE-AWAY_KIDNAP -kill KILL -kindle BURN -kiss TOUCH -knead SHAPE -kneel LOWER -knit SEW SECURE_FASTEN_TIE -knock KILL DRINK CANCEL_ELIMINATE COPY KNOCK-DOWN REMOVE_TAKE-AWAY_KIDNAP HIT -know KNOW -kowtow FLATTER -label DECREE_DECLARE -labor TRY -lace EMBELLISH -lack MISS_OMIT_LACK -ladder BREAK_DETERIORATE -lag GO-FORWARD -lambaste REPRIMAND -lament REGRET_SORRY -laminate COVER_SPREAD_SURMOUNT -land ARRIVE LAND_GET-OFF -landfill DISCARD -languish WEAKEN -lap TOUCH -lapse FINISH_CONCLUDE_END -lash SECURE_FASTEN_TIE CRITICIZE -last CONTINUE -latch ATTACH -laud APPROVE_PRAISE -laugh LAUGH -launch BEGIN -launder CONVERT -lavish GIVE_GIFT -lay DISMISS_FIRE-SMN USE PUT_APPLY_PLACE_PAVE -layover STOP -leach REMOVE_TAKE-AWAY_KIDNAP -lead LEAD_GOVERN INCITE_INDUCE BEGIN MOVE-SOMETHING -leak FLOW -lean INCLINE -leap JUMP CAUSE-MENTAL-STATE INCREASE_ENLARGE_MULTIPLY -leapfrog JUMP -learn LEARN -lease LEND TAKE-A-SERVICE_RENT -leave LEAVE-BEHIND LEAVE_DEPART_RUN-AWAY GIVE_GIFT MISS_OMIT_LACK -lecture SPEAK -leer SEE -legalize AUTHORIZE_ADMIT -legislate AUTHORIZE_ADMIT -legitimize AUTHORIZE_ADMIT -lend LEND -lengthen INCREASE_ENLARGE_MULTIPLY -lessen REDUCE_DIMINISH -let REDUCE_DIMINISH REVEAL LIBERATE_ALLOW_AFFORD FRUSTRATE_DISAPPOINT -level FLATTEN_SMOOTHEN DIRECT_AIM_MANEUVER -leverage LOAD_PROVIDE_CHARGE_FURNISH -levy CHARGE -liaise NEGOTIATE -libel OFFEND_DISESTEEM -liberalize AUTHORIZE_ADMIT -liberate LIBERATE_ALLOW_AFFORD -license AUTHORIZE_ADMIT -lick TOUCH -lie DECEIVE LIE -lift RAISE STEAL_DEPRIVE -light BURN LIGHTEN -lighten SIMPLIFY REDUCE_DIMINISH LIGHTEN -like LIKE REQUIRE_NEED_WANT_HOPE -liken COMPARE -limit RESTRAIN -limp GO-FORWARD -line SIGNAL_INDICATE LIE -linger WAIT -link JOIN_CONNECT CORRELATE -lionize APPROVE_PRAISE -liquefy CHANGE-APPEARANCE/STATE -liquidate PAY -liquidize CHANGE-APPEARANCE/STATE -liquify CHANGE-APPEARANCE/STATE -list INCLINE CALCULATE_ESTIMATE RECORD -listen HEAR_LISTEN -litigate FACE_CHALLENGE -litter DIRTY -live SATISFY_FULFILL CONTINUE CANCEL_ELIMINATE EXIST_LIVE -liven AROUSE_WAKE_ENLIVEN -load LOAD_PROVIDE_CHARGE_FURNISH FILL -loan LEND -loathe DISLIKE -lobby FLATTER -lobotomize CARRY-OUT-ACTION -localize PRECLUDE_FORBID_EXPEL -locate BE-LOCATED_BASE FIND -lock GUARANTEE_ENSURE_PROMISE OPERATE CAGE_IMPRISON PRECLUDE_FORBID_EXPEL SECURE_FASTEN_TIE -lodge HOLE_PIERCE ACCUSE -log CUT RECORD -loiter PLAY_SPORT/GAME -long REQUIRE_NEED_WANT_HOPE -look SEEM DISLIKE WATCH_LOOK-OUT ANALYZE DISCOURSE-FUNCTION SEE WAIT SEARCH -loom APPEAR -loose UNFASTEN_UNFOLD -loosen UNFASTEN_UNFOLD -loot STEAL_DEPRIVE -lop CUT -lord LEAD_GOVERN -lose FAIL_LOSE MISS_OMIT_LACK LOSE DISBAND_BREAK-UP -lounge LIE -love LIKE -lower LOWER -lug CARRY_TRANSPORT -lull MAKE-RELAX -lumber TRAVEL -lump GROUP -lunge GO-FORWARD -lurch GO-FORWARD -lure LURE_ENTICE -lurk CLOUD_SHADOW_HIDE -magnetize CONVERT -magnify INCREASE_ENLARGE_MULTIPLY -mail SEND -maintain RETAIN_KEEP_SAVE-MONEY -major STUDY -make MOUNT_ASSEMBLE_PRODUCE INCITE_INDUCE ACHIEVE WRITE SETTLE_CONCILIATE CREATE_MATERIALIZE EXIST-WITH-FEATURE REACH PERCEIVE ADJUST_CORRECT LEAVE_DEPART_RUN-AWAY GO-FORWARD LIGHT-VERB RESULT_CONSEQUENCE REPRESENT EARN ARRIVE -malign OFFEND_DISESTEEM -man WORK -manage ACHIEVE MANAGE -mandate OBLIGE_FORCE -maneuver DIRECT_AIM_MANEUVER -manhandle TREAT -manifest SHOW -manipulate TOUCH MANAGE -manufacture MOUNT_ASSEMBLE_PRODUCE -map PLAN_SCHEDULE -mar DEBASE_ADULTERATE -march GO-FORWARD AMELIORATE -marginalize DEBASE_ADULTERATE -marinate DIP_DIVE -mark INCREASE_ENLARGE_MULTIPLY SIGNAL_INDICATE DISTINGUISH_DIFFER -market SELL -marry ALLY_ASSOCIATE_MARRY -marshal SORT_CLASSIFY_ARRANGE -martyr KILL -marvel CAUSE-MENTAL-STATE -mask COVER_SPREAD_SURMOUNT -masquerade DECEIVE -mass AMASS -massacre KILL -massage TOUCH -master LEARN -mastermind ORGANIZE -match MATCH -mate HAVE-SEX -materialize APPEAR -matter BURDEN_BEAR -mature DEVELOP_AGE -maul HURT_HARM_ACHE -maximize INCREASE_ENLARGE_MULTIPLY -mean IMPLY -meander TRAVEL -measure MEASURE_EVALUATE -meddle VIOLATE -mediate NEGOTIATE -medicate HELP_HEAL_CARE_CURE -meditate THINK -meet SATISFY_FULFILL MEET KNOW -meld HARMONIZE -mellow CAUSE-MENTAL-STATE -melt CONVERT -memorialize APPROVE_PRAISE -memorize STUDY -menace ENDANGER -mend REPAIR_REMEDY -mention SPEAK -meow MAKE-A-SOUND -merchandise SELL -merge HARMONIZE -merit EXIST-WITH-FEATURE -mesh ORGANIZE -mess MESS PARTICIPATE -metabolize MOUNT_ASSEMBLE_PRODUCE -metamorphose CHANGE-APPEARANCE/STATE -mic JOIN_CONNECT -miff CAUSE-MENTAL-STATE -migrate GO-FORWARD -militate OPPOSE_REBEL_DISSENT -milk BENEFIT_EXPLOIT EXTRACT -mill TRAVEL -mime SIMULATE -mimic SIMULATE -mince CUT -mind WATCH_LOOK-OUT OFFEND_DISESTEEM HELP_HEAL_CARE_CURE -mine EXTRACT -mingle PARTICIPATE -miniaturize PAINT -minimize REDUCE_DIMINISH -mint CREATE_MATERIALIZE -mire STOP -mirror REFLECT -misappropriate STEAL_DEPRIVE -misbehave BEHAVE -miscalculate CALCULATE_ESTIMATE -mischaracterize MISTAKE -misconstrue INTERPRET -misdiagnose MISTAKE -misfire FAIL_LOSE -misguide DIRECT_AIM_MANEUVER -mishandle MANAGE -misinterpret INTERPRET -mislay PUT_APPLY_PLACE_PAVE -mislead DECEIVE -mismanage MANAGE -misplace PUT_APPLY_PLACE_PAVE -misread INTERPRET -misrepresent REPRESENT -miss MISS_OMIT_LACK -misspend SPEND-TIME_PASS-TIME -misstate SPEAK -mistake MISTAKE -mistreat TREAT -mistrust RELY -misunderstand INTERPRET -misuse VIOLATE -mitigate REDUCE_DIMINISH -mix ADD COMBINE_MIX_UNITE -moan MAKE-A-SOUND -mob AMASS -mobilize PREPARE -mock JOKE -model WORK MOUNT_ASSEMBLE_PRODUCE -moderate REDUCE_DIMINISH -modernize AMELIORATE -modify CHANGE_SWITCH -modulate CHANGE_SWITCH -moisturize WET -mold CREATE_MATERIALIZE -molest ATTACK_BOMB -mollify MAKE-RELAX -monetize AUTHORIZE_ADMIT -monitor WATCH_LOOK-OUT -monkey WORK -monopolize POSSESS -moonlight WORK -moor SECURE_FASTEN_TIE -moot TAKE-INTO-ACCOUNT_CONSIDER -mop WASH_CLEAN -morph CHANGE-APPEARANCE/STATE -mortgage LEND -motivate INCITE_INDUCE JUSTIFY_EXCUSE -motorize LOAD_PROVIDE_CHARGE_FURNISH -mount RAISE INCREASE_ENLARGE_MULTIPLY MOUNT_ASSEMBLE_PRODUCE -mourn CAUSE-MENTAL-STATE -mouth SPEAK -move MOVE-SOMETHING ATTACK_BOMB CARRY-OUT-ACTION CAUSE-MENTAL-STATE ORGANIZE -mow CUT -muck MESS -muddle MESS -muddy DIRTY -muffle CLOUD_SHADOW_HIDE -mull THINK -multi-task WORK -multiply INCREASE_ENLARGE_MULTIPLY -mumble SPEAK -mummify PRESERVE -munch EAT_BITE -murder KILL -murmur SPEAK -muscle MOVE-SOMETHING -muse THINK -mushroom INCREASE_ENLARGE_MULTIPLY -muster AMASS -mutate CHANGE-APPEARANCE/STATE -mute STOP -mutilate HURT_HARM_ACHE -muzzle STOP -mystify CAUSE-MENTAL-STATE -nab REMOVE_TAKE-AWAY_KIDNAP -nail ACHIEVE ATTACH -name NAME ASSIGN-smt-to-smn -namedrop CITE -nap SLEEP -narrate SPEAK -narrow REDUCE_DIMINISH -nationalize COMMUNIZE -natter SPEAK -navigate DIRECT_AIM_MANEUVER -near GO-FORWARD -necessitate REQUIRE_NEED_WANT_HOPE -need REQUIRE_NEED_WANT_HOPE -negate COMPENSATE -neglect MISS_OMIT_LACK -negotiate NEGOTIATE -neigh MAKE-A-SOUND -neighbor BORDER -nestle LIE -net GIVE_GIFT EARN OBTAIN -network COMMUNICATE_CONTACT -neutralize COMPENSATE -nibble EAT_BITE -nick CUT -nickel COVER_SPREAD_SURMOUNT -nickname NAME -nod SIGN -nominate ASSIGN-smt-to-smn -normalize ADJUST_CORRECT -nosedive FALL_SLIDE-DOWN -notch INCREASE_ENLARGE_MULTIPLY RECORD -note WRITE PERCEIVE -notice PERCEIVE -notify INFORM -nourish NOURISH_FEED -nudge TOUCH GO-FORWARD -nullify CANCEL_ELIMINATE -numb WEAKEN -number REACH -nurse HELP_HEAL_CARE_CURE -nurture INCREASE_ENLARGE_MULTIPLY -nuzzle TOUCH -obey OBEY -obfuscate COMPLEXIFY -object CRITICIZE -obligate OBLIGE_FORCE -oblige OBLIGE_FORCE LOAD_PROVIDE_CHARGE_FURNISH -obliterate CANCEL_ELIMINATE -obscure CLOUD_SHADOW_HIDE -observe SEE SPEAK -obsess CAUSE-MENTAL-STATE -obstruct STOP -obtain OBTAIN -obviate PRECLUDE_FORBID_EXPEL -occasion CREATE_MATERIALIZE -occupy REQUIRE_NEED_WANT_HOPE -occur HAPPEN_OCCUR -offend OFFEND_DISESTEEM -offer SELL -offload EMPTY_UNLOAD -offset COMPENSATE -ogle SEE -oil COVER_SPREAD_SURMOUNT -omit MISS_OMIT_LACK -ooze FLOW -open OPEN BEGIN -operate HELP_HEAL_CARE_CURE OPERATE -opine SPEAK -oppose RESIST -opt CHOOSE -optimize AMELIORATE -orchestrate ORGANIZE -ordain ORDER -order ORDER ASK_REQUEST -organize ORGANIZE -orient ORIENT -originate BEGIN -orphan STEAL_DEPRIVE -oscillate MOVE-ONESELF -ostracize ABSTAIN_AVOID_REFRAIN -oust DISMISS_FIRE-SMN -out REVEAL -outbid BID -outdo OVERCOME_SURPASS -outfit LOAD_PROVIDE_CHARGE_FURNISH -outflank OVERCOME_SURPASS -outgrow OVERCOME_SURPASS -outlast OVERCOME_SURPASS -outlaw PRECLUDE_FORBID_EXPEL -outline SUMMARIZE -outlive OVERCOME_SURPASS -outnumber OVERCOME_SURPASS -outpace OVERCOME_SURPASS -outperform OVERCOME_SURPASS -outrage CAUSE-MENTAL-STATE -outsell OVERCOME_SURPASS -outshine OVERCOME_SURPASS -outsource OBTAIN -outstrip OVERCOME_SURPASS -outweigh OVERCOME_SURPASS -overarch COVER_SPREAD_SURMOUNT -overawe CAUSE-MENTAL-STATE -overbid BID OVERCOME_SURPASS -overcharge REQUIRE_NEED_WANT_HOPE -overcome OVERCOME_SURPASS -overdo INCREASE_ENLARGE_MULTIPLY -overdose HURT_HARM_ACHE -overemphasize EMPHASIZE -overestimate CALCULATE_ESTIMATE -overflow FLOW -overhang HANG -overhaul AMELIORATE -overhear HEAR_LISTEN -overheat HEAT -overindulge CARRY-OUT-ACTION -overlap OVERLAP -overlay COVER_SPREAD_SURMOUNT -overload FILL -overlook MISS_OMIT_LACK ORIENT -overpay PAY -overpopulate POPULATE -overpower DEFEAT -overprice CALCULATE_ESTIMATE -overrate SUBJECTIVE-JUDGING -overreact REACT -override LEAD_GOVERN -overrule DEFEAT -overrun COVER_SPREAD_SURMOUNT -oversee WATCH_LOOK-OUT -oversell SELL -overshadow COMPARE -oversight WATCH_LOOK-OUT -oversimplify SIMPLIFY -overstate INCREASE_ENLARGE_MULTIPLY -overstay STAY_DWELL -overstep OVERCOME_SURPASS -overstock RETAIN_KEEP_SAVE-MONEY -overstrain EXHAUST -overtake OVERCOME_SURPASS -overtax CHARGE -overthink THINK -overthrow DEFEAT -overturn INVERT_REVERSE -overuse USE -overvalue CALCULATE_ESTIMATE -overwhelm OVERCOME_SURPASS -overwork BENEFIT_EXPLOIT -owe PAY -own POSSESS RECOGNIZE_ADMIT_IDENTIFY -oxidize COMBINE_MIX_UNITE -pace MOVE-ONESELF -pacify MAKE-RELAX -pack PRESS_PUSH_FOLD AMASS -package INSERT -pad FILL -paint REPRESENT PAINT -pair JOIN_CONNECT -pale COLOR -palm SELL -pamper TREAT -pan SEPARATE_FILTER_DETACH ACHIEVE -pander CAUSE-MENTAL-STATE -panhandle ASK_REQUEST -panic CAUSE-MENTAL-STATE -pant BREATH_BLOW -parachute FALL_SLIDE-DOWN -parade TRAVEL -parallel MATCH -paralyze STOP -paraphrase SPEAK -parcel GIVE_GIFT -pardon PARDON -pare CUT REDUCE_DIMINISH -park MOVE-SOMETHING -parlay BENEFIT_EXPLOIT -parole LIBERATE_ALLOW_AFFORD -parrot REPEAT -parry ABSTAIN_AVOID_REFRAIN -part DISBAND_BREAK-UP -partake SHARE -participate PARTICIPATE -partition SEPARATE_FILTER_DETACH -pass ACHIEVE SLEEP LEAVE-BEHIND GIVE_GIFT MISS_OMIT_LACK DECEIVE AUTHORIZE_ADMIT CHANGE-HANDS SUBJECTIVE-JUDGING HAPPEN_OCCUR OVERCOME_SURPASS KILL REFUSE -paste ATTACH -pasteurize HEAT -patch REPAIR_REMEDY -patent POSSESS -patrol WATCH_LOOK-OUT -patronize FOLLOW_SUPPORT_SPONSOR_FUND -pattern SHAPE -pause STOP -pave PUT_APPLY_PLACE_PAVE PREPARE -pawn SELL -pay ACHIEVE PAY -peacemake BEFRIEND -peak REACH -peal MAKE-A-SOUND -peck EAT_BITE -pedal MOVE-BY-MEANS-OF -peddle SELL -pederastize COURT -pee EXCRETE -peek SEE -peel REMOVE_TAKE-AWAY_KIDNAP -peer SEARCH -peg COMPENSATE -pen WRITE -penalize PUNISH -pend WAIT -penetrate ENTER -people FILL -pepper ATTACK_BOMB -perceive PERCEIVE -perch LIE -perfect AMELIORATE -perform PERFORM -perish KILL -perk AROUSE_WAKE_ENLIVEN -permeate AFFECT -permit AUTHORIZE_ADMIT -perpetrate VIOLATE -perpetuate CONTINUE -perplex CAUSE-MENTAL-STATE -persecute HURT_HARM_ACHE -persevere CONTINUE -persist CONTINUE -personalize CHANGE_SWITCH -perspire EXCRETE -persuade PERSUADE -pertain REFER -perturb CAUSE-MENTAL-STATE -peruse ANALYZE -pervade AFFECT -pervert VIOLATE -pester CAUSE-MENTAL-STATE -petition ASK_REQUEST -phase FINISH_CONCLUDE_END -philosophize THINK -phone COMMUNICATE_CONTACT -photocopy COPY -photograph RECORD -pick BUY INCREASE_ENLARGE_MULTIPLY CONTINUE REMOVE_TAKE-AWAY_KIDNAP SUBJUGATE CHOOSE HIT -pickle PRESERVE -picture SHOW -piece JOIN_CONNECT -pierce HOLE_PIERCE -piggyback CARRY_TRANSPORT -pile GO-FORWARD AMASS -pillory JOKE -pilot MOVE-BY-MEANS-OF -pin ATTACH -pinch RETAIN_KEEP_SAVE-MONEY PRESS_PUSH_FOLD STEAL_DEPRIVE -pine WEAKEN -ping MAKE-A-SOUND -pinpoint DECIDE_DETERMINE -pioneer ESTABLISH -pipe CARRY_TRANSPORT -pique CAUSE-MENTAL-STATE -pirate STEAL_DEPRIVE -piss CAUSE-MENTAL-STATE EXCRETE -pit FACE_CHALLENGE HURT_HARM_ACHE -pitch THROW ALLY_ASSOCIATE_MARRY PUBLICIZE ADJUST_CORRECT -pivot MOVE-ONESELF -placate MAKE-RELAX -place PUT_APPLY_PLACE_PAVE -plagiarize STEAL_DEPRIVE -plague CAUSE-MENTAL-STATE -plan PLAN_SCHEDULE -plane CUT -plant PUT_APPLY_PLACE_PAVE -plaster ATTACH -plate COVER_SPREAD_SURMOUNT -play FINISH_CONCLUDE_END PERFORM FACE_CHALLENGE FLATTER AFFECT PLAY_SPORT/GAME DOWNPLAY_HUMILIATE EMPHASIZE -plead ASK_REQUEST DECREE_DECLARE -please CAUSE-MENTAL-STATE -pledge GUARANTEE_ENSURE_PROMISE -plot PLAN_SCHEDULE -plow GROW_PLOW -pluck REMOVE_TAKE-AWAY_KIDNAP -plug STOP PUBLICIZE INSERT -plummet REDUCE_DIMINISH -plunder STEAL_DEPRIVE -plunge DIP_DIVE REDUCE_DIMINISH -ply WORK LOAD_PROVIDE_CHARGE_FURNISH -poach HUNT -pocket STEAL_DEPRIVE -pockmark HURT_HARM_ACHE -point SIGNAL_INDICATE DIRECT_AIM_MANEUVER -poise COMPENSATE -poison GIVE_GIFT KILL -poke HOLE_PIERCE SEARCH -police WATCH_LOOK-OUT -polish WASH_CLEAN EMBELLISH -politicize CHANGE_SWITCH -poll ASK_REQUEST -pollinate HAVE-SEX -pollute DIRTY -ponder THINK -pontificate SPEAK -poo EXCRETE -pool COMBINE_MIX_UNITE -pop HIT APPEAR EXPLODE MOVE-SOMETHING -popularize INFORM -populate POPULATE -pore FOCUS -portend SIGNAL_INDICATE -portray REPRESENT -pose CREATE_MATERIALIZE DECEIVE -position PUT_APPLY_PLACE_PAVE -possess EXIST-WITH-FEATURE -post RECORD -postmark PUT_APPLY_PLACE_PAVE -postpone DELAY -posture BEHAVE -pounce GO-FORWARD -pound TRAVEL HIT -pour SPILL_POUR METEOROLOGICAL -power OPERATE -practice TRY -practise WORK -praise APPROVE_PRAISE -prance MOVE-ONESELF -pray SPEAK -pre-empt REACT -pre-separate SEPARATE_FILTER_DETACH -preach FOLLOW_SUPPORT_SPONSOR_FUND -prearrange PLAN_SCHEDULE -precede PRECEDE -precipitate WORSEN -preclude PRECLUDE_FORBID_EXPEL -predate PRECEDE -predetermine INFLUENCE -predicate IMPLY -predict GUESS -predispose PREPARE -preempt PRECLUDE_FORBID_EXPEL -prefer CHOOSE -prejudice INFLUENCE -premiere SHOW -preoccupy CAUSE-MENTAL-STATE -prepare ORGANIZE PREPARE -prepay PAY -presage GUESS -prescribe ORDER GIVE_GIFT -present GIVE_GIFT -preserve PRESERVE -preside MANAGE -press OBLIGE_FORCE PUBLISH PRESS_PUSH_FOLD -pressure OBLIGE_FORCE INFLUENCE -presume SUPPOSE -pretend DECEIVE -prevail WIN CONTINUE -prevent PRECLUDE_FORBID_EXPEL -preview SEE -prey BENEFIT_EXPLOIT -price CALCULATE_ESTIMATE -prick HOLE_PIERCE -prime PREPARE -print PRINT -prioritize LOCATE-IN-TIME_DATE -privatize SELL -prize LIKE -probe ANALYZE -proceed CONTINUE -process PREPARE -proclaim SPEAK -procrastinate DELAY -procure OBTAIN -prod INCITE_INDUCE -produce MOUNT_ASSEMBLE_PRODUCE -profess DECREE_DECLARE -proffer GIVE_GIFT -profile REPRESENT -profit BENEFIT_EXPLOIT -profiteer BENEFIT_EXPLOIT -program CREATE_MATERIALIZE -progress MOVE-SOMETHING -prohibit PRECLUDE_FORBID_EXPEL -project IMAGINE DIRECT_AIM_MANEUVER -proliferate INCREASE_ENLARGE_MULTIPLY -prolong EXTEND -promise GUARANTEE_ENSURE_PROMISE -promote FOLLOW_SUPPORT_SPONSOR_FUND PROMOTE -prompt PERSUADE INCITE_INDUCE -promulgate SPEAK -pronounce PRONOUNCE -proof PROVE -proofread VERIFY -prop STABILIZE_SUPPORT-PHYSICALLY -propagate CIRCULATE_SPREAD_DISTRIBUTE -propel MOVE-SOMETHING -prophesy GUESS -propose PROPOSE -prosecute ACCUSE -prosper AMELIORATE -prostrate LOWER -protect PROTECT -protest OPPOSE_REBEL_DISSENT -protract INCREASE_ENLARGE_MULTIPLY -protrude BULGE-OUT -prove PROVE -provide LOAD_PROVIDE_CHARGE_FURNISH -provoke AROUSE_WAKE_ENLIVEN -prune CUT -pry OPEN -publicize SPEAK -publish PUBLISH -puff BREATH_BLOW INCREASE_ENLARGE_MULTIPLY -pull ATTRACT_SUCK CARRY-OUT-ACTION LEAVE_DEPART_RUN-AWAY TURN_CHANGE-DIRECTION OVERCOME_SURPASS PULL -pulsate MOVE-ONESELF -pulverize BREAK_DETERIORATE -pummel HIT -pump REMOVE_TAKE-AWAY_KIDNAP LOAD_PROVIDE_CHARGE_FURNISH FILL FLOW -punch HIT -punctuate STOP -punish PUNISH -purchase BUY -purge EXCRETE -purify WASH_CLEAN -purport REQUIRE_NEED_WANT_HOPE -purr MAKE-A-SOUND -pursue FOLLOW-IN-SPACE -push PUBLICIZE MOVE-SOMETHING PERSUADE DEVELOP_AGE ESTABLISH -put DELAY RETAIN_KEEP_SAVE-MONEY MOUNT_ASSEMBLE_PRODUCE CAUSE-MENTAL-STATE PUBLISH PERFORM PAY TOLERATE WEAKEN PUT_APPLY_PLACE_PAVE SPEAK -putter TRAVEL -putz WORK -puzzle CAUSE-MENTAL-STATE -pyramid INCREASE_ENLARGE_MULTIPLY -quack MAKE-A-SOUND -quadruple INCREASE_ENLARGE_MULTIPLY -qualify REPRESENT EXIST-WITH-FEATURE -quantify MEASURE_EVALUATE -quarrel QUARREL_POLEMICIZE -quash CANCEL_ELIMINATE -quell SUBJUGATE -quench SUBJUGATE -query ASK_REQUEST -question ASK_REQUEST -quibble ARGUE-IN-DEFENSE -quicken SPEED-UP -quiet MAKE-RELAX -quip JOKE -quit RESIGN_RETIRE -quiver MOVE-ONESELF -quiz VERIFY -quote CITE -race COMPETE RUN -rack BUY -radiate EMIT -radio TRANSMIT -rag CAUSE-MENTAL-STATE -rage ATTACK_BOMB -raid ATTACK_BOMB -rail OPPOSE_REBEL_DISSENT -railroad OBLIGE_FORCE -rain METEOROLOGICAL -raise GROUP RAISE DEVELOP_AGE -rake GROUP OBTAIN -rally INCREASE_ENLARGE_MULTIPLY AMASS -ram HIT -ramble TRAVEL SPEAK -ramp STRENGTHEN_MAKE-RESISTANT -ranch WORK -range MOVE-ONESELF -rank SUBJECTIVE-JUDGING -rankle CAUSE-MENTAL-STATE -rap HIT -rape ATTACK_BOMB -rat BETRAY -ratchet MOVE-ONESELF -rate CALCULATE_ESTIMATE -ratify APPROVE_PRAISE -ration RESTRAIN -rationalize JUSTIFY_EXCUSE -rattle SPEAK MAKE-A-SOUND MOVE-ONESELF -ravage DESTROY -rave SPEAK -ravish CAUSE-MENTAL-STATE -raze FLATTEN_SMOOTHEN -re-create CREATE_MATERIALIZE -re-debate DISCUSS -re-elect CHOOSE -re-emerge APPEAR -re-employ HIRE -re-enact SIMULATE -re-engage CARRY-OUT-ACTION -re-enter ENTER -re-evaluate MEASURE_EVALUATE -re-export SELL -re-fight FIGHT -re-landscape EMBELLISH -re-ship CARRY_TRANSPORT -re-unify COMBINE_MIX_UNITE -re-victimize HURT_HARM_ACHE -reach REACH EXTEND ARRIVE -react REACT -reactivate AROUSE_WAKE_ENLIVEN -read READ -readjust ADJUST_CORRECT -readmit AUTHORIZE_ADMIT -ready PREPARE -reaffirm AFFIRM -realign ADJUST_CORRECT -realize UNDERSTAND CREATE_MATERIALIZE -reap OBTAIN -reappear APPEAR -reapply ASK_REQUEST -reapportion CIRCULATE_SPREAD_DISTRIBUTE -reappraise MEASURE_EVALUATE -rear RAISE DEVELOP_AGE -rearm LOAD_PROVIDE_CHARGE_FURNISH -rearrange SORT_CLASSIFY_ARRANGE -reason INFER -reassemble MOUNT_ASSEMBLE_PRODUCE -reassert AFFIRM -reassess THINK -reassign ASSIGN-smt-to-smn -reassure MAKE-RELAX -reawaken AROUSE_WAKE_ENLIVEN -rebel OPPOSE_REBEL_DISSENT -rebound MOVE-BACK -rebuff REFUSE -rebuild MOUNT_ASSEMBLE_PRODUCE -rebut DISCUSS -recalculate CALCULATE_ESTIMATE -recalibrate ADJUST_CORRECT -recall RECALL REMEMBER -recant SPEAK -recap SUMMARIZE -recapture CATCH -recast RENEW -recede MOVE-BACK -receive RECEIVE -recess PUT_APPLY_PLACE_PAVE -recharge FUEL -recheck VERIFY -recirculate MOVE-ONESELF -recite SPEAK -reckon SUBJECTIVE-JUDGING TAKE-INTO-ACCOUNT_CONSIDER -reclaim REQUIRE_NEED_WANT_HOPE -reclassify SORT_CLASSIFY_ARRANGE -recognize APPROVE_PRAISE UNDERSTAND -recoil MOVE-BACK -recombine COMBINE_MIX_UNITE -recommend PROPOSE -reconcile SETTLE_CONCILIATE -reconsider CONSIDER -reconstruct MOUNT_ASSEMBLE_PRODUCE -reconvene MEET -record RECORD -recount SPEAK -recoup OBTAIN -recover HELP_HEAL_CARE_CURE OBTAIN -recreate CREATE_MATERIALIZE -recruit HIRE -rectify ADJUST_CORRECT -recuperate HELP_HEAL_CARE_CURE -recur HAPPEN_OCCUR -recuse DEBASE_ADULTERATE -recycle USE -redden COLOR -redecorate EMBELLISH -redeem PAY -redefine NAME -redeploy SORT_CLASSIFY_ARRANGE -redesign CREATE_MATERIALIZE -redevelop CREATE_MATERIALIZE -redirect DIRECT_AIM_MANEUVER -rediscover FIND -redistribute SORT_CLASSIFY_ARRANGE -redline SUBJECTIVE-JUDGING -redo REPEAT -redouble INCREASE_ENLARGE_MULTIPLY -redound MOVE-BACK -redress PAY -reduce REDUCE_DIMINISH -reek ODORIZE -reel CAUSE-MENTAL-STATE ROLL SPEAK -reestablish RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reevaluate MEASURE_EVALUATE -reexamine ANALYZE -refashion RENEW -refer NAME SEND -reference CITE -refinance PAY REPEAT -refine AMELIORATE -reflect THINK REFLECT -refocus FOCUS -reform AMELIORATE -reformulate AMELIORATE -refrain ABSTAIN_AVOID_REFRAIN -refresh COOL -refuel FUEL -refund GIVE_GIFT -refurbish EMBELLISH -refuse REFUSE -refute PROVE -regain OBTAIN -regard SUBJECTIVE-JUDGING -regenerate CREATE_MATERIALIZE -register RECORD -regress RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -regret REGRET_SORRY -regroup SORT_CLASSIFY_ARRANGE -regulate ADJUST_CORRECT -regurgitate EXCRETE -rehabilitate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -rehash DISCUSS -rehearse TRY -rehire HIRE -reign LEAD_GOVERN -reignite BURN -reimagine IMAGINE -reimburse PAY -reimpose CHARGE -rein STOP -reinforce STRENGTHEN_MAKE-RESISTANT -reinscribe CAVE_CARVE -reinstall MOUNT_ASSEMBLE_PRODUCE -reinstate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reintegrate ADD -reintroduce BRING -reinvent RENEW -reinvigorate AROUSE_WAKE_ENLIVEN -reiterate REPEAT -reject REFUSE -rejoice CAUSE-MENTAL-STATE -rejoin ALLY_ASSOCIATE_MARRY -rejuvenate HELP_HEAL_CARE_CURE -rekindle BURN -relapse WORSEN -relate CORRELATE SPEAK -relax MAKE-RELAX -relay SEND -release LIBERATE_ALLOW_AFFORD -relegate DRIVE-BACK -relent GIVE-UP_ABOLISH_ABANDON -relieve HELP_HEAL_CARE_CURE EXEMPT -relinquish GIVE-UP_ABOLISH_ABANDON -relish ENJOY -relive UNDERGO-EXPERIENCE -relocate MOVE-SOMETHING -rely RELY -remain REMAIN -remake RENEW -remand DRIVE-BACK -remark SPEAK -remarry ALLY_ASSOCIATE_MARRY -remedy ADJUST_CORRECT -remember REMEMBER -remind REMEMBER -reminisce REMEMBER -remit SEND -remodel RENEW -remove REMOVE_TAKE-AWAY_KIDNAP -remunerate PAY -rename NAME -render LOAD_PROVIDE_CHARGE_FURNISH CHANGE-APPEARANCE/STATE PERFORM -rendezvous MEET -renege FAIL_LOSE -renegotiate NEGOTIATE -renew ESTABLISH -renounce GIVE-UP_ABOLISH_ABANDON -renovate REPAIR_REMEDY -rent LEND TAKE-A-SERVICE_RENT -reopen OPEN -reorganize ORGANIZE -reorient ORIENT -repack INSERT -repackage INSERT -repaint PAINT -repair REPAIR_REMEDY -repatriate AUTHORIZE_ADMIT -repay PAY -repeal CANCEL_ELIMINATE -repeat REPEAT -repel DRIVE-BACK -repent REGRET_SORRY -rephrase SPEAK -replace REPLACE -replant GROW_PLOW -replenish FILL -replicate REPEAT -reply ANSWER -report INFORM -reposition PUT_APPLY_PLACE_PAVE -repossess GIVE_GIFT -repost PUBLISH -represent REPRESENT -repress SUBJUGATE -reprimand REPRIMAND -reprint COPY -reprocess PREPARE -reproduce COPY -reprove PUNISH -repudiate REFUSE -repute TREAT -request ASK_REQUEST -require REQUIRE_NEED_WANT_HOPE -requisition ASK_REQUEST -reroute DIRECT_AIM_MANEUVER -reschedule PLAN_SCHEDULE -rescind GIVE_GIFT -rescue HELP_HEAL_CARE_CURE -research SEARCH -resell SELL -resemble SEEM -resent DISLIKE -reserve RESERVE -reset RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -resettle DIP_DIVE -reshape ESTABLISH -reshuffle MESS -reside STAY_DWELL -resign RESIGN_RETIRE -resist RESIST -resolve SETTLE_CONCILIATE DECIDE_DETERMINE -resonate MAKE-A-SOUND -resort RESULT_CONSEQUENCE -resound MAKE-A-SOUND -respect LIKE -respond REACT -rest PUT_APPLY_PLACE_PAVE RELY -restart CONTINUE -restate MEASURE_EVALUATE REPEAT -restore GIVE_GIFT HELP_HEAL_CARE_CURE -restrain RESTRAIN -restrict RESTRAIN -restructure ORGANIZE -result RESULT_CONSEQUENCE -resume CONTINUE -resupply LOAD_PROVIDE_CHARGE_FURNISH -resurface APPEAR -resurrect MOVE-BACK -resuscitate MOVE-BACK -retail SELL -retain RETAIN_KEEP_SAVE-MONEY -retake GIVE_GIFT -retaliate ATTACK_BOMB -retard DELAY -rethink BELIEVE -retire PAY RESIGN_RETIRE -retool ADJUST_CORRECT -retrace MOVE-BACK -retract RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -retrain STUDY -retreat MOVE-BACK REDUCE_DIMINISH -retrench STRENGTHEN_MAKE-RESISTANT -retrieve BRING -retrofit AMELIORATE -retrogress WORSEN -retry SUBJECTIVE-JUDGING -return MOVE-BACK GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reunite ALLY_ASSOCIATE_MARRY -reup INCREASE_ENLARGE_MULTIPLY -reuse USE -rev INCREASE_ENLARGE_MULTIPLY -revalue MEASURE_EVALUATE -revamp REPAIR_REMEDY -reveal REVEAL -revel LIKE -reverberate MAKE-A-SOUND -revere LIKE -reverse INVERT_REVERSE -revert RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -review VERIFY -revile OFFEND_DISESTEEM -revise ADJUST_CORRECT -revisit VISIT -revitalize AROUSE_WAKE_ENLIVEN -revive AROUSE_WAKE_ENLIVEN -revoke CANCEL_ELIMINATE -revolutionize CHANGE_SWITCH -revolve TRAVEL -reward GIVE_GIFT -rework AMELIORATE -rewrite WRITE -rhyme MATCH -rid CANCEL_ELIMINATE -ridden FILL -riddle AFFECT -ride MOVE-BY-MEANS-OF OVERCOME_SURPASS -ridicule JOKE -riff JOKE -rig MOUNT_ASSEMBLE_PRODUCE FAKE -right ADJUST_CORRECT -rile CAUSE-MENTAL-STATE -rim LIE -ring ENCLOSE_WRAP COMMUNICATE_CONTACT PERFORM RECORD -rinse WASH_CLEAN -riot OPPOSE_REBEL_DISSENT -rip TRAVEL CUT STEAL_DEPRIVE -ripen GROW_PLOW -ripple MOVE-SOMETHING -rise INCREASE_ENLARGE_MULTIPLY -risk RISK -rival COMPETE -rivet FOCUS -roam TRAVEL -roar GO-FORWARD MAKE-A-SOUND -roast JOKE -rob STEAL_DEPRIVE -robe DRESS_WEAR -rock MOVE-ONESELF -rocket INCREASE_ENLARGE_MULTIPLY -roil MOVE-ONESELF -roll ROLL INSERT -romance ALLY_ASSOCIATE_MARRY -romp RUN -roost LIE -root FOLLOW_SUPPORT_SPONSOR_FUND GROUND_BASE_FOUND EXTRACT -rot DESTROY -rotate ALTERNATE TURN_CHANGE-DIRECTION -round GROUP FINISH_CONCLUDE_END -route SEND -row MOVE-SOMETHING -rub TOUCH -rue REGRET_SORRY -ruffle MOVE-ONESELF -ruin DESTROY -rule PRECLUDE_FORBID_EXPEL LEAD_GOVERN DECREE_DECLARE -rumble MAKE-A-SOUND -ruminate THINK -rumor SPEAK -run CONSUME_SPEND AMASS MOVE-SOMETHING COST MEET RUN OPERATE EXTEND RISK SHOW -rupture SEPARATE_FILTER_DETACH -rush RUN -rust CORRODE_WEAR-AWAY_SCRATCH -rusticate CHANGE-APPEARANCE/STATE -sabotage DESTROY -sack DISMISS_FIRE-SMN -sacrifice GIVE_GIFT -sadden CAUSE-MENTAL-STATE -saddle BURDEN_BEAR -safeguard PROTECT -sag FALL_SLIDE-DOWN -sail MOVE-BY-MEANS-OF -salt COOK -salute APPROVE_PRAISE -salvage HELP_HEAL_CARE_CURE -sample TRY -sanctify COMMUNE -sanction APPROVE_PRAISE -sandwich INSERT -sanitize WASH_CLEAN -sap CONSUME_SPEND -satirize JOKE -satisfy CAUSE-MENTAL-STATE PERSUADE -saturate FILL -save RETAIN_KEEP_SAVE-MONEY HELP_HEAL_CARE_CURE -savor ENJOY -say DISCOURSE-FUNCTION AFFIRM -scald BURN -scale RAISE CHANGE-APPEARANCE/STATE -scamper RUN -scan ANALYZE -scandalize CAUSE-MENTAL-STATE -scapegoat ACCUSE -scar HURT_HARM_ACHE -scare CAUSE-MENTAL-STATE -scarf EAT_BITE -scatter COVER_SPREAD_SURMOUNT -scavenge GROUP -schedule PLAN_SCHEDULE -scheme ORGANIZE -scoff LAUGH -scold REPRIMAND -scoop REMOVE_TAKE-AWAY_KIDNAP -scoot RUN -scorch BURN -score CREATE_MATERIALIZE SCORE -scorn DISLIKE -scotch PRECLUDE_FORBID_EXPEL -scour SEARCH -scout SEARCH -scowl FACIAL-EXPRESSION -scrabble FEEL -scramble TRY RUN -scrap QUARREL_POLEMICIZE DISCARD -scrape RETAIN_KEEP_SAVE-MONEY -scratch CORRODE_WEAR-AWAY_SCRATCH WRITE SEARCH -scream SPEAK -screech STOP MAKE-A-SOUND -screen ANALYZE PROTECT SHOW -screw MESS SECURE_FASTEN_TIE -scribble WRITE -scrimp CONTINUE -script CREATE_MATERIALIZE -scriptwrite CREATE_MATERIALIZE -scrounge SEARCH -scrub WASH_CLEAN -scrutinize ANALYZE -scuffle FIGHT -sculpt CAVE_CARVE -scurry RUN -scuttle DIP_DIVE RUN -seal CLOSE -search SEARCH -season COOK -seat ASSIGN-smt-to-smn -secede DISBAND_BREAK-UP -secrete EXCRETE -secularize CHANGE_SWITCH -secure GUARANTEE_ENSURE_PROMISE OBTAIN -sedate MAKE-RELAX -seduce PERSUADE -see DISCOURSE-FUNCTION SEE VERIFY ACCOMPANY -seed BURY_PLANT -seek SEARCH -seem SEEM -seep FLOW -seesaw MOVE-ONESELF -seethe CAUSE-MENTAL-STATE -segment SEPARATE_FILTER_DETACH -segregate SEPARATE_FILTER_DETACH -seize CATCH -select CHOOSE -sell BETRAY SELL -send ASK_REQUEST INCITE_INDUCE DIRECT_AIM_MANEUVER SEND -sense PERCEIVE -sensitize TEACH -sentence DECREE_DECLARE -separate SEPARATE_FILTER_DETACH -sequester ISOLATE -serve WORK GIVE_GIFT NOURISH_FEED -service HAVE-A-FUNCTION_SERVE -set COMPENSATE PREPARE EXPLODE LEAVE_DEPART_RUN-AWAY BEGIN PUT_APPLY_PLACE_PAVE DISAPPEAR ESTABLISH -settle SETTLE_CONCILIATE FINISH_CONCLUDE_END MAKE-RELAX -sever CUT -sew SECURE_FASTEN_TIE -shackle STOP -shade CLOUD_SHADOW_HIDE -shadow FOLLOW-IN-SPACE -shag CATCH -shake DISCARD MOVE-ONESELF -shame OBLIGE_FORCE OFFEND_DISESTEEM -shampoo WASH_CLEAN -shape SHAPE SEEM AMELIORATE -share SHARE -sharpen SHARPEN -shatter BREAK_DETERIORATE -shave CUT -shear CUT -shed SPILL_POUR REDUCE_DIMINISH DISCARD -shell GIVE_GIFT ATTACK_BOMB -shelter TAKE-SHELTER -shelve PUT_APPLY_PLACE_PAVE -shepherd WATCH_LOOK-OUT -shield PROTECT -shift CHANGE_SWITCH -shimmer GO-FORWARD LIGHT_SHINE -shimmy DANCE -shine EXIST-WITH-FEATURE LIGHT_SHINE -ship CARRY_TRANSPORT -shirk ABSTAIN_AVOID_REFRAIN -shit EXCRETE -shiver MOVE-ONESELF -shock CAUSE-MENTAL-STATE -shoehorn PREPARE -shoo DRIVE-BACK -shoot THROW ANSWER KILL RECORD KNOCK-DOWN SPEAK RUN -shop SELL SEARCH -shore STABILIZE_SUPPORT-PHYSICALLY LAND_GET-OFF -short-circuit MESS -short MESS SELL -shorten REDUCE_DIMINISH -shoulder CARRY_TRANSPORT -shout SPEAK -shove PRESS_PUSH_FOLD -shovel EXTRACT -show APPEAR SHOW -shower THROW CELEBRATE_PARTY -shpritz SPILL_POUR -shred CUT -shriek MAKE-A-SOUND -shrink REDUCE_DIMINISH -shrivel REDUCE_DIMINISH -shroud COVER_SPREAD_SURMOUNT -shrug DEBASE_ADULTERATE SPEAK SIGN -shudder MOVE-ONESELF -shuffle MESS GO-FORWARD -shun ABSTAIN_AVOID_REFRAIN -shunt CARRY_TRANSPORT -shut SWITCH-OFF_TURN-OFF_SHUT-DOWN STOP ISOLATE CLOSE MAKE-A-SOUND -shutter CLOSE -shuttle GO-FORWARD DISCARD -shy ABSTAIN_AVOID_REFRAIN -sicken CONTRACT-AN-ILLNESS_INFECT -side FOLLOW_SUPPORT_SPONSOR_FUND -sidestep ABSTAIN_AVOID_REFRAIN -sidetrack DIVERSIFY -sift SEPARATE_FILTER_DETACH -sigh BREATH_BLOW SPEAK -sight SEE -sightsee VISIT -sign ALLY_ASSOCIATE_MARRY AGREE_ACCEPT WRITE HIRE -signal SIGN -signify MEAN -silence MAKE-A-SOUND -silt STOP -simmer COOK -simplify SIMPLIFY -simulate SIMULATE -sin VIOLATE -sing SING -single CHOOSE -sink DIP_DIVE -sip DRINK -siphon EMPTY_UNLOAD MOVE-SOMETHING -sit REPLACE LIE ABSTAIN_AVOID_REFRAIN -situate PUT_APPLY_PLACE_PAVE -size ANALYZE -sizzle MAKE-A-SOUND -sketch SUMMARIZE -skew INFLUENCE -ski TRAVEL -skid GO-FORWARD -skim GO-FORWARD REMOVE_TAKE-AWAY_KIDNAP -skimp LOAD_PROVIDE_CHARGE_FURNISH -skip LEAVE_DEPART_RUN-AWAY MISS_OMIT_LACK -skipper WORK -skirmish FIGHT -skirt ENCLOSE_WRAP ABSTAIN_AVOID_REFRAIN -skulk TRAVEL -skydive FALL_SLIDE-DOWN -skyrocket INCREASE_ENLARGE_MULTIPLY -slack UNFASTEN_UNFOLD -slacken SLOW-DOWN -slam THROW HIT -slant INCLINE -slap HIT -slash CUT REDUCE_DIMINISH -slate PLAN_SCHEDULE -slather PUT_APPLY_PLACE_PAVE -slaughter KILL -slay KILL -sleep HAVE-SEX SLEEP STAY_DWELL -slice CUT -slide GO-FORWARD MOVE-SOMETHING -slim REDUCE_DIMINISH -sling MOVE-SOMETHING -slip GO-FORWARD REDUCE_DIMINISH INSERT GIVE_GIFT -slither OVERCOME_SURPASS -sliver BREAK_DETERIORATE -slog MOVE-ONESELF -slope GO-FORWARD -slosh THROW -slow REDUCE_DIMINISH SLOW-DOWN -slug DISCUSS HIT -slump FALL_SLIDE-DOWN -smack EXIST-WITH-FEATURE -smart HURT_HARM_ACHE -smash DESTROY HIT -smear ACCUSE COVER_SPREAD_SURMOUNT -smell ODORIZE SMELL -smile LAUGH -smoke BREATH_BLOW EMIT COOK -smolder BURN -smooth SETTLE_CONCILIATE FLATTEN_SMOOTHEN UNFASTEN_UNFOLD -smother KILL -smuggle CARRY_TRANSPORT -snag OBTAIN -snake GO-FORWARD -snap BUY BREAK_DETERIORATE MOVE-SOMETHING MAKE-A-SOUND SPEAK -snatch CATCH -sneak MOVE-ONESELF -sneeze BREATH_BLOW -sniff SMELL FIND SPEAK -snipe SHOOT_LAUNCH_PROPEL -snitch STEAL_DEPRIVE -snivel SPEAK -snoop SEE -snore BREATH_BLOW -snorkel DIP_DIVE -snort MAKE-A-SOUND -snow METEOROLOGICAL -snowball INCREASE_ENLARGE_MULTIPLY -snub REFUSE -soak ABSORB WET -soar INCREASE_ENLARGE_MULTIPLY FLY -sob CRY -sober HELP_HEAL_CARE_CURE -socialize PARTICIPATE CHANGE_SWITCH -sock RETAIN_KEEP_SAVE-MONEY -soften REDUCE_DIMINISH -soil DIRTY -solicit ASK_REQUEST -solidify CHANGE-APPEARANCE/STATE -solve SOLVE -soothe MAKE-RELAX -sort SORT_CLASSIFY_ARRANGE PERCEIVE -soulsearch THINK -sound EXIST-WITH-FEATURE PERFORM SPEAK -sour CHANGE-TASTE -source LOAD_PROVIDE_CHARGE_FURNISH OBTAIN -sow BURY_PLANT -space FORGET -span EXTEND -spar FIGHT -spare GIVE-UP_ABOLISH_ABANDON EXEMPT -spark AROUSE_WAKE_ENLIVEN -spawn CREATE_MATERIALIZE -speak SPEAK -spearhead LEAD_GOVERN -specialize WORK -specify EXPLAIN -speculate THINK -speed SPEED-UP RUN -spell SIGNAL_INDICATE SPEAK EXPLAIN -spend SPEND-TIME_PASS-TIME CONSUME_SPEND -spew EXCRETE -spike KILL -spill LEAVE_DEPART_RUN-AWAY EMPTY_UNLOAD -spin CREATE_MATERIALIZE MOVE-ONESELF WEAVE -spiral GO-FORWARD -spirit AROUSE_WAKE_ENLIVEN -spit EXCRETE -splash BUY WET -split SEPARATE_FILTER_DETACH DISBAND_BREAK-UP -spoil SPOIL -sponsor FOLLOW_SUPPORT_SPONSOR_FUND -spook CAUSE-MENTAL-STATE -sport DRESS_WEAR -spot SEE -spotlight EMPHASIZE -spout GO-FORWARD SPEAK -sprain HURT_HARM_ACHE -sprawl LIE -spray COVER_SPREAD_SURMOUNT -spread COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -spring BEGIN -sprinkle WET -sprout GROW_PLOW -spruce EMBELLISH -spur AMELIORATE -spurn REFUSE -spurt GO-FORWARD -sputter MAKE-A-SOUND -spy SEE -squabble ARGUE-IN-DEFENSE -squander WASTE -square COMPETE MATCH -squat LIE STAY_DWELL -squeak TRY -squeegee WASH_CLEAN -squeeze OBLIGE_FORCE REDUCE_DIMINISH PRESS_PUSH_FOLD -squelch SUBJUGATE -squint FACIAL-EXPRESSION -squirm MOVE-ONESELF -stab CUT -stabilize STABILIZE_SUPPORT-PHYSICALLY -stack EXIST-WITH-FEATURE AMASS -staff LOAD_PROVIDE_CHARGE_FURNISH -stage CARRY-OUT-ACTION -stagger TRAVEL -stagnate STOP -stain DIRTY -stake ASK_REQUEST -stalk HUNT -stall FINISH_CONCLUDE_END DELAY -stamp APPROVE_PRAISE FINISH_CONCLUDE_END ATTACH REPRESENT TRAVEL -stampede MOVE-SOMETHING -stanch STOP -stand RAISE STOP GIVE-UP_ABOLISH_ABANDON STAY_DWELL TOLERATE MEAN EXIST-WITH-FEATURE WAIT PUT_APPLY_PLACE_PAVE -standardize ADJUST_CORRECT -staple ATTACH -star PERFORM -stare SEE OVERCOME_SURPASS -start LEAVE_DEPART_RUN-AWAY BEGIN SPEAK -startle JUMP -starve HURT_HARM_ACHE -stash CLOUD_SHADOW_HIDE RETAIN_KEEP_SAVE-MONEY -state SPEAK -station PUT_APPLY_PLACE_PAVE -stave ABSTAIN_AVOID_REFRAIN -stay REMAIN STAY_DWELL STOP -steady STABILIZE_SUPPORT-PHYSICALLY -steal STEAL_DEPRIVE -steam EMIT COOK GO-FORWARD -steamroller CAUSE-SMT -steel PREPARE -steep DIP_DIVE -steer DIRECT_AIM_MANEUVER ABSTAIN_AVOID_REFRAIN -stem STOP COME-FROM -step INCREASE_ENLARGE_MULTIPLY GO-FORWARD PARTICIPATE RESIGN_RETIRE -sterilize WASH_CLEAN -stew CAUSE-MENTAL-STATE COOK -stick ARGUE-IN-DEFENSE ATTACH BULGE-OUT STAY_DWELL -stiffen CHANGE-APPEARANCE/STATE -stifle STOP -stimulate INCITE_INDUCE -sting HURT_HARM_ACHE -stink ODORIZE -stipulate EXPLAIN -stir CAUSE-MENTAL-STATE CREATE_MATERIALIZE COMBINE_MIX_UNITE MOVE-ONESELF -stitch SECURE_FASTEN_TIE -stock LOAD_PROVIDE_CHARGE_FURNISH RETAIN_KEEP_SAVE-MONEY -stockpile LOAD_PROVIDE_CHARGE_FURNISH -stoke INCREASE_ENLARGE_MULTIPLY -stomach EAT_BITE -stomp TRAVEL -stone USE KILL -stonewall DELAY -stoop LOWER -stop STOP CLOSE VISIT -store RETAIN_KEEP_SAVE-MONEY -storm ATTACK_BOMB -stow FILL -straddle LIE -strafe ATTACK_BOMB -straighten ADJUST_CORRECT STRAIGHTEN -strain SEPARATE_FILTER_DETACH HURT_HARM_ACHE TRY BREAK_DETERIORATE -strand GIVE-UP_ABOLISH_ABANDON -strangle KILL -strap REQUIRE_NEED_WANT_HOPE SECURE_FASTEN_TIE -strategize PLAN_SCHEDULE -stray TRAVEL -streak GO-FORWARD -stream FLOW -streamline SIMPLIFY -strengthen STRENGTHEN_MAKE-RESISTANT -stress CAUSE-MENTAL-STATE EMPHASIZE -stretch EXTEND -strew CIRCULATE_SPREAD_DISTRIBUTE -stride TRAVEL -strike DRIVE-BACK KNOCK-DOWN SEEM CANCEL_ELIMINATE BEGIN OPPOSE_REBEL_DISSENT HIT BEHAVE -strip REMOVE_TAKE-AWAY_KIDNAP -strive TRY -stroke TOUCH -stroll MOVE-ONESELF -structure SORT_CLASSIFY_ARRANGE -struggle FIGHT TRY -stub HIT -stud LOAD_PROVIDE_CHARGE_FURNISH -study ANALYZE -stuff FILL -stumble FALL_SLIDE-DOWN -stump CAUSE-MENTAL-STATE -stun CAUSE-MENTAL-STATE -stunt STOP -style EMBELLISH -stymie STOP -subcontract HIRE -subdivide SEPARATE_FILTER_DETACH -subdue SUBJUGATE -subject CAUSE-SMT -sublet LEND -sublimate CHANGE-APPEARANCE/STATE -submerge DIP_DIVE -submit GIVE_GIFT -subordinate SUBJUGATE -subpoena SUMMON -subscribe PAY OFFER -subside REDUCE_DIMINISH -subsidize FOLLOW_SUPPORT_SPONSOR_FUND -substantiate PROVE -substitute REPLACE -subsume INCLUDE-AS -subtitle NAME -subtract REMOVE_TAKE-AWAY_KIDNAP -subvert DESTROY -succeed ACHIEVE COME-AFTER_FOLLOW-IN-TIME -succumb FAIL_LOSE -suck ATTRACT_SUCK MANAGE -sue ACCUSE -suffer HURT_HARM_ACHE -suffice EXIST-WITH-FEATURE -suffocate KILL -suggest PROPOSE -suit FIT HARMONIZE -sully DIRTY -sum SUMMARIZE -summarize SUMMARIZE -summon AROUSE_WAKE_ENLIVEN SUMMON -sunbathe SHOW -super COVER_SPREAD_SURMOUNT -superimpose COVER_SPREAD_SURMOUNT -supersede REPLACE -supervise WATCH_LOOK-OUT -supplant REPLACE -supplement ADD -supply LOAD_PROVIDE_CHARGE_FURNISH -support HELP_HEAL_CARE_CURE -suppose BELIEVE -suppress PRECLUDE_FORBID_EXPEL -surface RAISE COVER_SPREAD_SURMOUNT -surge INCREASE_ENLARGE_MULTIPLY -surmise BELIEVE -surmount COVER_SPREAD_SURMOUNT -surpass OVERCOME_SURPASS -surprise CAUSE-MENTAL-STATE -surrender GIVE-UP_ABOLISH_ABANDON -surround ENCLOSE_WRAP -surveil WATCH_LOOK-OUT -survey ANALYZE -survive OVERCOME_SURPASS -suspect BELIEVE -suspend STOP HANG -sustain UNDERGO-EXPERIENCE EXTEND -swallow EAT_BITE -swamp WET -swap REPLACE -swathe DRESS_WEAR -sway GO-FORWARD PERSUADE -swear GUARANTEE_ENSURE_PROMISE OFFEND_DISESTEEM AFFIRM -sweat CONTINUE REDUCE_DIMINISH EXCRETE -sweep FOLLOW_SUPPORT_SPONSOR_FUND GO-FORWARD REMOVE_TAKE-AWAY_KIDNAP -sweeten CHANGE-TASTE -swell INCREASE_ENLARGE_MULTIPLY -swerve TURN_CHANGE-DIRECTION -swim DIP_DIVE -swindle STEAL_DEPRIVE -swing ALTERNATE GO-FORWARD MAKE-A-SOUND MOVE-SOMETHING -swirl TRAVEL -switch REPLACE CHANGE_SWITCH -swivel MOVE-ONESELF -swoon CAUSE-MENTAL-STATE -swoop GO-FORWARD CATCH -symbolize REPRESENT -sympathize CAUSE-MENTAL-STATE -synchronize HAPPEN_OCCUR -syncopate PERFORM -syndicate GIVE_GIFT -synthesize CREATE_MATERIALIZE -systematize SORT_CLASSIFY_ARRANGE -taboo PRECLUDE_FORBID_EXPEL -tabulate SORT_CLASSIFY_ARRANGE -tack ATTACH INCREASE_ENLARGE_MULTIPLY -tackle FACE_CHALLENGE -tag ATTACH -tail CHASE -tailgate FOLLOW-IN-SPACE -tailor HARMONIZE -taint CONTRACT-AN-ILLNESS_INFECT -taiwanize CHANGE-APPEARANCE/STATE -take RECOGNIZE_ADMIT_IDENTIFY USE CATCH REPLACE TAKE REMOVE_TAKE-AWAY_KIDNAP LIKE TAKE-SHELTER INCREASE_ENLARGE_MULTIPLY BRING TOLERATE FACE_CHALLENGE HAPPEN_OCCUR INTERPRET CAUSE-MENTAL-STATE LEAVE_DEPART_RUN-AWAY DESTROY REQUIRE_NEED_WANT_HOPE -talk PERSUADE SPEAK -tally COUNT -tame TEACH -tamper VIOLATE -tan COLOR -tangle MESS -tango DANCE -tank ACHIEVE -tap ASK_REQUEST HIT SEARCH -tape ATTACH RECORD -taper REDUCE_DIMINISH -tar COVER_SPREAD_SURMOUNT -target DIRECT_AIM_MANEUVER -tarnish DIRTY -taste EXIST-WITH-FEATURE TASTE -taunt OFFEND_DISESTEEM -tax CHARGE -taxi TRAVEL -teach TEACH -team GROUP -tear SEPARATE_FILTER_DETACH CUT FLATTEN_SMOOTHEN CRY RUN -tease CAUSE-MENTAL-STATE FIND -tee HIT -teem EXIST-WITH-FEATURE -telegraph SEND -telephone COMMUNICATE_CONTACT -televise TRANSMIT -telework WORK -tell RECOGNIZE_ADMIT_IDENTIFY BETRAY SPEAK -temper REDUCE_DIMINISH -tempt AROUSE_WAKE_ENLIVEN -tend MANAGE BEHAVE -tender OFFER -tenure ASSIGN-smt-to-smn -term NAME -terminate FINISH_CONCLUDE_END DISMISS_FIRE-SMN -terrify CAUSE-MENTAL-STATE -test VERIFY -testify GUARANTEE_ENSURE_PROMISE -thank APPROVE_PRAISE -thatch COVER_SPREAD_SURMOUNT -thaw CONVERT -theorize THINK -thicken CHANGE-APPEARANCE/STATE -thin REDUCE_DIMINISH -think THINK CREATE_MATERIALIZE -thrash DISCUSS TRAVEL HIT -thread TRAVEL -threaten ENDANGER -thrill AROUSE_WAKE_ENLIVEN -thrive AMELIORATE -throb MOVE-ONESELF -throng AMASS -throttle RESTRAIN -throw THROW EXCRETE ADD DISCARD ORGANIZE -thrust PRESS_PUSH_FOLD -thumb ANALYZE JOKE -thunder SPEAK -thwap HIT -thwart ABSTAIN_AVOID_REFRAIN -tick CAUSE-MENTAL-STATE MAKE-A-SOUND EXPLAIN -ticket DECREE_DECLARE -tickle AROUSE_WAKE_ENLIVEN -tidy SORT_CLASSIFY_ARRANGE -tie OBLIGE_FORCE JOIN_CONNECT PARTICIPATE SCORE SECURE_FASTEN_TIE -tighten RESTRAIN TIGHTEN -till GROW_PLOW -tilt INCLINE -time ADJUST_CORRECT -tincture COLOR -tinker WORK -tip INVERT_REVERSE GIVE_GIFT INCLINE INFORM -tiptoe MOVE-ONESELF -tire EXHAUST -title NAME -toast CELEBRATE_PARTY -toil WORK -tolerate TOLERATE -toll MAKE-A-SOUND CHARGE -tone REDUCE_DIMINISH -toot MAKE-A-SOUND -top COVER_SPREAD_SURMOUNT OVERCOME_SURPASS -topple FALL_SLIDE-DOWN -torch DESTROY -torment HURT_HARM_ACHE -torpedo DESTROY -torture HURT_HARM_ACHE -toss THROW DISCARD SPEAK -total REACH ADD -tote REACH CARRY_TRANSPORT -totter TRAVEL MOVE-ONESELF -touch TOUCH AROUSE_WAKE_ENLIVEN REFER EMBELLISH -toughen STRENGTHEN_MAKE-RESISTANT -tour VISIT -tout PUBLICIZE -tow PULL -tower OVERCOME_SURPASS -toy BEHAVE -trace COPY FOLLOW-IN-SPACE -track FIND MATCH CHASE -trade REPLACE -traduce OFFEND_DISESTEEM -trail FINISH_CONCLUDE_END CHASE -train DIRECT_AIM_MANEUVER TEACH -traipse TRAVEL -tramp TRAVEL -trample HURT_HARM_ACHE -tranquilize MAKE-RELAX -transact ALLY_ASSOCIATE_MARRY -transcend OVERCOME_SURPASS -transcribe WRITE -transfer TRANSMIT -transform CHANGE-APPEARANCE/STATE -transgress VIOLATE -transit TRAVEL -transition CHANGE_SWITCH -translate TRANSLATE -transmit TRANSMIT -transmogrify CHANGE-APPEARANCE/STATE -transpire HAPPEN_OCCUR -transplant MOVE-SOMETHING -transport CARRY_TRANSPORT -trap CATCH -trash DISCARD -traumatize HURT_HARM_ACHE -travel GO-FORWARD -traverse EXTEND -tread PRESS_PUSH_FOLD -treasure LIKE -treat LOAD_PROVIDE_CHARGE_FURNISH TREAT SPEAK HELP_HEAL_CARE_CURE PREPARE -treble INCREASE_ENLARGE_MULTIPLY -trek GO-FORWARD -tremble MOVE-ONESELF -trend EXIST-WITH-FEATURE -trespass VIOLATE -trick DECEIVE -trickle FLOW -trigger AROUSE_WAKE_ENLIVEN -trim CUT REDUCE_DIMINISH -trip AROUSE_WAKE_ENLIVEN -triple INCREASE_ENLARGE_MULTIPLY -triumph WIN -trivialize DOWNPLAY_HUMILIATE -trot MOVE-BY-MEANS-OF SHOW -trouble CAUSE-MENTAL-STATE -trounce DEFEAT -truck CARRY_TRANSPORT -trudge MOVE-ONESELF -trump WIN -trumpet SPEAK -trundle TRAVEL -trust GIVE_GIFT RELY -try SUBJECTIVE-JUDGING VERIFY TRY -tuck DECREE_DECLARE INSERT -tug PULL -tumble FALL_SLIDE-DOWN -tune ADJUST_CORRECT -turn MOUNT_ASSEMBLE_PRODUCE APPEAR GIVE_GIFT REPLACE CHANGE-APPEARANCE/STATE DRIVE-BACK PROVE IMPLY OPERATE SWITCH-OFF_TURN-OFF_SHUT-DOWN EARN TURN_CHANGE-DIRECTION REFUSE -tutor TEACH -twiddle TRAVEL -twirl TRAVEL -twist SHAPE -twitch MOVE-ONESELF -type TYPE -typify REPRESENT -tyrannize LEAD_GOVERN -unblock UNFASTEN_UNFOLD -unburden REMOVE_TAKE-AWAY_KIDNAP -uncap REMOVE_TAKE-AWAY_KIDNAP -uncover FIND -undercut PRECLUDE_FORBID_EXPEL -underestimate CALCULATE_ESTIMATE -undergo UNDERGO-EXPERIENCE -underinflate INCREASE_ENLARGE_MULTIPLY -underlie GROUND_BASE_FOUND -underline EMPHASIZE -undermine WEAKEN -underperform FAIL_LOSE -underpin HELP_HEAL_CARE_CURE -underprice SELL -underscore EMPHASIZE -undersell SELL -understand UNDERSTAND -understate DOWNPLAY_HUMILIATE -undertake FACE_CHALLENGE -underuse USE -underutilize USE -undervalue CALCULATE_ESTIMATE -underwrite FOLLOW_SUPPORT_SPONSOR_FUND -undo RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -undulate MOVE-SOMETHING -unearth SHOW -unfold OPEN DEVELOP_AGE -unhinge CAUSE-MENTAL-STATE REMOVE_TAKE-AWAY_KIDNAP -unify COMBINE_MIX_UNITE -unionize ALLY_ASSOCIATE_MARRY -unite ALLY_ASSOCIATE_MARRY -unleash LIBERATE_ALLOW_AFFORD -unload CANCEL_ELIMINATE EMPTY_UNLOAD -unlock UNFASTEN_UNFOLD -unmask REVEAL -unnerve CAUSE-MENTAL-STATE -unpack SHOW -unplug SWITCH-OFF_TURN-OFF_SHUT-DOWN -unravel RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -unroll UNFASTEN_UNFOLD -unseal OPEN -unseat REMOVE_TAKE-AWAY_KIDNAP -unsettle CAUSE-MENTAL-STATE -unshackle LIBERATE_ALLOW_AFFORD -unstable MESS -untie LIBERATE_ALLOW_AFFORD -unveil SHOW -unwind STRAIGHTEN -up INCREASE_ENLARGE_MULTIPLY -update AMELIORATE -upgrade REPLACE AMELIORATE -uphold ARGUE-IN-DEFENSE -uplift RAISE -upload TRANSMIT -uproot EXTRACT -upset MESS CAUSE-MENTAL-STATE -urge OBLIGE_FORCE -use CONSUME_SPEND USE MODAL BEHAVE -usher BEGIN DIRECT_AIM_MANEUVER -usurp STEAL_DEPRIVE -utilize USE -utter SPEAK -vacate RESIGN_RETIRE -vacation TRAVEL -vacillate COMPARE -vacuum WASH_CLEAN -validate AUTHORIZE_ADMIT -value CALCULATE_ESTIMATE -vandalize DESTROY -vanish DISAPPEAR -vanquish DEFEAT -vaporize CONVERT -vary DIVERSIFY -vault JUMP -vaunt BEHAVE -veer TURN_CHANGE-DIRECTION -veil CLOUD_SHADOW_HIDE -vend SELL -venerate CAUSE-MENTAL-STATE -vent AIR -ventilate REPAIR_REMEDY -venture RISK GUESS -verbalize SPEAK -verge ARRIVE -verify VERIFY -verse LEARN -vest ASSIGN-smt-to-smn -vet ANALYZE -veto PRECLUDE_FORBID_EXPEL -vex CAUSE-MENTAL-STATE -vibrate MOVE-ONESELF -victimize PUNISH -videotape RECORD -vie COMPETE -view SUBJECTIVE-JUDGING SEE -vindicate ARGUE-IN-DEFENSE -violate VIOLATE -visit MEET -visualize IMAGINE -vitiate DEBASE_ADULTERATE -voice SPEAK -void CANCEL_ELIMINATE -volunteer OFFER -vomit EXCRETE -vote CANCEL_ELIMINATE CHOOSE -vouch GUARANTEE_ENSURE_PROMISE -vow GUARANTEE_ENSURE_PROMISE -wade GO-FORWARD -waffle STOP -waft AIR -wag MOVE-SOMETHING -wage FACE_CHALLENGE -wail CRY -wait WORK WAIT OVERCOME_SURPASS -waive GIVE-UP_ABOLISH_ABANDON -wake AROUSE_WAKE_ENLIVEN -walk GO-FORWARD SCORE MOVE-ONESELF -wall SEPARATE_FILTER_DETACH -wallow CAUSE-MENTAL-STATE -wander TRAVEL -wane REDUCE_DIMINISH -want REQUIRE_NEED_WANT_HOPE -war ATTACK_BOMB -ward DRIVE-BACK -warm HEAT PREPARE -warn WARN -warp BEND -warrant JUSTIFY_EXCUSE -wash WASH_CLEAN CARRY_TRANSPORT EXIST-WITH-FEATURE -waste WASTE -watch WATCH_LOOK-OUT SEE -water WEAKEN WET -wave SIGNAL_INDICATE -waver TRAVEL -wax COVER_SPREAD_SURMOUNT CHANGE_SWITCH -weaken WEAKEN -wean REMOVE_TAKE-AWAY_KIDNAP -weaponize HAVE-A-FUNCTION_SERVE -wear SPEND-TIME_PASS-TIME CORRODE_WEAR-AWAY_SCRATCH REDUCE_DIMINISH EXHAUST DRESS_WEAR -weary EXHAUST -weather OVERCOME_SURPASS -weave TRAVEL WEAVE -wed ALLY_ASSOCIATE_MARRY -wedge PRESS_PUSH_FOLD -weep CRY -weigh GIVE_GIFT COMPARE BURDEN_BEAR MEASURE_EVALUATE -weight INFLUENCE -welcome AGREE_ACCEPT -weld JOIN_CONNECT -well BEGIN -wet WET -whack DISCARD HIT -wheel CARRY_TRANSPORT -wheeze BREATH_BLOW -while SPEND-TIME_PASS-TIME -whine MAKE-A-SOUND -whip AROUSE_WAKE_ENLIVEN TAKE HIT -whipsaw MOVE-ONESELF -whir MAKE-A-SOUND -whirr MAKE-A-SOUND -whisk RUN -whisper SPEAK -whistle MAKE-A-SOUND -whiten COLOR -whittle CUT -wholesale SELL -whoop SHOUT -whoosh MOVE-ONESELF -whore HAVE-SEX -wick ABSORB -widen INCREASE_ENLARGE_MULTIPLY -widow CAUSE-SMT -wield CATCH -wiggle MOVE-SOMETHING -will GIVE_GIFT -wilt WEAKEN -win WIN PERSUADE -wince FACIAL-EXPRESSION -wind RESULT_CONSEQUENCE FINISH_CONCLUDE_END ROLL -wink SIGNAL_INDICATE -wipe CONSUME_SPEND CORRODE_WEAR-AWAY_SCRATCH MOVE-SOMETHING -wire SECURE_FASTEN_TIE SEND -wish REQUIRE_NEED_WANT_HOPE -withdraw MOVE-BACK -wither SPOIL -withhold REFUSE -withstand RESIST -witness SEE -wobble MOVE-ONESELF -wolf EAT_BITE -womanize COURT -wonder THINK -woo COURT -word SPEAK -work MOUNT_ASSEMBLE_PRODUCE OPERATE BREAK_DETERIORATE REACH WORK GO-FORWARD PREPARE -worry CAUSE-MENTAL-STATE -worsen WORSEN -worship APPROVE_PRAISE -wound HURT_HARM_ACHE -wow CAUSE-MENTAL-STATE -wrack DESTROY -wrangle QUARREL_POLEMICIZE -wrap FINISH_CONCLUDE_END ENCLOSE_WRAP -wreak HAPPEN_OCCUR -wreck DESTROY -wrench PULL -wrest CATCH -wrestle FIGHT TAKE MOVE-ONESELF -wriggle MOVE-ONESELF -wring EXTRACT -write RECOGNIZE_ADMIT_IDENTIFY PUBLISH WRITE DEBASE_ADULTERATE -writhe MOVE-ONESELF -wrong TREAT -wrought CHANGE_SWITCH -x-ray ANALYZE -yank PULL -yawn MAKE-A-SOUND -yearn REQUIRE_NEED_WANT_HOPE -yell MAKE-A-SOUND -yield CAUSE-SMT GIVE-UP_ABOLISH_ABANDON GENERATE -zag GO-FORWARD -zap KILL -zero DIRECT_AIM_MANEUVER DISCARD -zig TRAVEL -zip RUN -zone DIVIDE -zoom RUN diff --git a/transformer_srl/resources/lemma2va_ml.tsv b/transformer_srl/resources/lemma2va_ml.tsv deleted file mode 100644 index d93cce3..0000000 --- a/transformer_srl/resources/lemma2va_ml.tsv +++ /dev/null @@ -1,21028 +0,0 @@ -ooh SPEAK -aah SPEAK -éblouir LIGHT_SHINE BLIND -cegar CAUSE-MENTAL-STATE BLIND SEE -abacinate BLIND -renunciar GIVE-UP_ABOLISH_ABANDON CHANGE-HANDS LIBERATE_ALLOW_AFFORD REFUSE SPEAK CHANGE_SWITCH DISCARD RESIGN_RETIRE -abandonar STOP FINISH_CONCLUDE_END GIVE-UP_ABOLISH_ABANDON CANCEL_ELIMINATE FAIL_LOSE BETRAY MOVE-BACK LEAVE_DEPART_RUN-AWAY CHANGE_SWITCH DISCARD LEAVE-BEHIND GIVE_GIFT FRUSTRATE_DISAPPOINT -abandon LEAVE_DEPART_RUN-AWAY GIVE-UP_ABOLISH_ABANDON CHANGE_SWITCH DISCARD -give_up FINISH_CONCLUDE_END GIVE-UP_ABOLISH_ABANDON CHANGE-HANDS EXEMPT RESIGN_RETIRE CHANGE_SWITCH LIBERATE_ALLOW_AFFORD GIVE_GIFT -rendirse GIVE-UP_ABOLISH_ABANDON RECOGNIZE_ADMIT_IDENTIFY -vacate RESIGN_RETIRE CANCEL_ELIMINATE LEAVE_DEPART_RUN-AWAY -desalojar REMOVE_TAKE-AWAY_KIDNAP EMPTY_UNLOAD LEAVE_DEPART_RUN-AWAY -empty EMPTY_UNLOAD EXCRETE LEAVE_DEPART_RUN-AWAY -evacuar REMOVE_TAKE-AWAY_KIDNAP MOVE-SOMETHING EMPTY_UNLOAD EXCRETE LEAVE_DEPART_RUN-AWAY -desolate POPULATE GIVE-UP_ABOLISH_ABANDON DESTROY -desamparar GIVE-UP_ABOLISH_ABANDON -desertar BETRAY GIVE-UP_ABOLISH_ABANDON LEAVE_DEPART_RUN-AWAY -dejar REMOVE_TAKE-AWAY_KIDNAP STOP FINISH_CONCLUDE_END GIVE-UP_ABOLISH_ABANDON ABSTAIN_AVOID_REFRAIN CHANGE-HANDS RESIGN_RETIRE RETAIN_KEEP_SAVE-MONEY CANCEL_ELIMINATE LEND AUTHORIZE_ADMIT BETRAY EMPTY_UNLOAD LEAVE-BEHIND LEAVE_DEPART_RUN-AWAY LIBERATE_ALLOW_AFFORD PUT_APPLY_PLACE_PAVE GIVE_GIFT RESULT_CONSEQUENCE -desert BETRAY GIVE-UP_ABOLISH_ABANDON LEAVE_DEPART_RUN-AWAY -forsake GIVE-UP_ABOLISH_ABANDON -abandonner DISCARD REMOVE_TAKE-AWAY_KIDNAP STOP GIVE-UP_ABOLISH_ABANDON -quiter GIVE-UP_ABOLISH_ABANDON -desasistir GIVE-UP_ABOLISH_ABANDON -apocar CHANGE_SWITCH DOWNPLAY_HUMILIATE -despreciar CRITICIZE REFUSE DOWNPLAY_HUMILIATE DISLIKE -humble CHANGE_SWITCH DOWNPLAY_HUMILIATE -abase DOWNPLAY_HUMILIATE -desmoralizar CAUSE-MENTAL-STATE DOWNPLAY_HUMILIATE DEBASE_ADULTERATE -mortify HURT_HARM_ACHE RETAIN_KEEP_SAVE-MONEY DOWNPLAY_HUMILIATE -humillar CHANGE_SWITCH DOWNPLAY_HUMILIATE DEFEAT -humiliate DOWNPLAY_HUMILIATE -mortificar CAUSE-MENTAL-STATE DOWNPLAY_HUMILIATE -degradar DOWNPLAY_HUMILIATE CAVE_CARVE DEBASE_ADULTERATE WORSEN DISMISS_FIRE-SMN -chagrin DOWNPLAY_HUMILIATE -avergonzar CAUSE-MENTAL-STATE OFFEND_DISESTEEM OBLIGE_FORCE -confundir BEHAVE CAUSE-MENTAL-STATE STOP MESS DECEIVE REPRESENT MISTAKE INTERPRET -abash CAUSE-MENTAL-STATE -embarrass CAUSE-MENTAL-STATE STOP -amansar TEACH REDUCE_DIMINISH REPRIMAND -die_away REDUCE_DIMINISH -let_up REDUCE_DIMINISH -amainar REDUCE_DIMINISH -slack MISS_OMIT_LACK SLOW-DOWN ABSTAIN_AVOID_REFRAIN WET UNFASTEN_UNFOLD REDUCE_DIMINISH -slack_off REDUCE_DIMINISH -abate REDUCE_DIMINISH -ceder GIVE-UP_ABOLISH_ABANDON AGREE_ACCEPT BREAK_DETERIORATE CAUSE-SMT GIVE_GIFT GUARANTEE_ENSURE_PROMISE REDUCE_DIMINISH RECOGNIZE_ADMIT_IDENTIFY -mitigar COMBINE_MIX_UNITE HELP_HEAL_CARE_CURE MAKE-RELAX SIMPLIFY REDUCE_DIMINISH -aflojar SLOW-DOWN STRAIGHTEN SIMPLIFY UNFASTEN_UNFOLD REDUCE_DIMINISH -slake SATISFY_FULFILL WET REDUCE_DIMINISH -reducir DECIDE_DETERMINE CONSUME_SPEND COOK TRAVEL SIMPLIFY DEBASE_ADULTERATE WEAKEN REDUCE_DIMINISH STEAL_DEPRIVE -disminuir CONSUME_SPEND INCLINE REDUCE_DIMINISH DOWNPLAY_HUMILIATE -abbreviate REDUCE_DIMINISH -abreviar MESS REDUCE_DIMINISH SUMMARIZE -contract REDUCE_DIMINISH SUMMARIZE PRESS_PUSH_FOLD HIRE ALLY_ASSOCIATE_MARRY CONTRACT-AN-ILLNESS_INFECT -cut MISS_OMIT_LACK DEVELOP_AGE MANAGE SEW INCREASE_ENLARGE_MULTIPLY CONVERT WEAKEN ADJUST_CORRECT CARRY-OUT-ACTION SHAPE TURN_CHANGE-DIRECTION REMOVE_TAKE-AWAY_KIDNAP PUBLISH REFUSE CASTRATE STOP SWITCH-OFF_TURN-OFF_SHUT-DOWN TRAVEL HIT CHANGE_SWITCH HOLE_PIERCE REDUCE_DIMINISH CUT PERCEIVE RECORD SEPARATE_FILTER_DETACH GROUP DISMISS_FIRE-SMN -compendiar MOUNT_ASSEMBLE_PRODUCE REDUCE_DIMINISH SUMMARIZE -réduire COOK REDUCE_DIMINISH -abridge REDUCE_DIMINISH -condensar AMASS CONVERT CHANGE-APPEARANCE/STATE SUMMARIZE REDUCE_DIMINISH -encoger SPOIL REDUCE_DIMINISH -contraer CONTRACT-AN-ILLNESS_INFECT AMASS REDUCE_DIMINISH CHANGE_SWITCH -resumir REDUCE_DIMINISH SUMMARIZE -abréger REDUCE_DIMINISH SUMMARIZE -reduce REMOVE_TAKE-AWAY_KIDNAP COOK RESTRAIN RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND DISBAND_BREAK-UP REPRESENT SUBJUGATE SIMPLIFY DEBASE_ADULTERATE WEAKEN DOWNPLAY_HUMILIATE REDUCE_DIMINISH -simplificar SIMPLIFY REDUCE_DIMINISH -foreshorten REDUCE_DIMINISH -shorten REDUCE_DIMINISH -acortar REDUCE_DIMINISH -resignar RESIGN_RETIRE GIVE-UP_ABOLISH_ABANDON -renegar GIVE-UP_ABOLISH_ABANDON OPPOSE_REBEL_DISSENT FAIL_LOSE DISCARD OFFEND_DISESTEEM RESIGN_RETIRE -abdicate GIVE-UP_ABOLISH_ABANDON -abdicar GIVE_GIFT GIVE-UP_ABOLISH_ABANDON -renounce DISCARD RESIGN_RETIRE GIVE-UP_ABOLISH_ABANDON -adduce PROVE -abducir REMOVE_TAKE-AWAY_KIDNAP PROVE -cite SUMMON CITE PROVE APPROVE_PRAISE -aducir PROVE -abduce PROVE -nobble REMOVE_TAKE-AWAY_KIDNAP HURT_HARM_ACHE STEAL_DEPRIVE -éloigner REMOVE_TAKE-AWAY_KIDNAP -raptar REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE -coger REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE GROUP CONQUER BRING CATCH CHOOSE UNDERSTAND CATCH_EMBARK FIND HAVE-SEX MOVE-BY-MEANS-OF PUNISH CAGE_IMPRISON TAKE CONTRACT-AN-ILLNESS_INFECT -secuestrar REMOVE_TAKE-AWAY_KIDNAP TAKE CHARGE STEAL_DEPRIVE -kidnap REMOVE_TAKE-AWAY_KIDNAP -snatch REMOVE_TAKE-AWAY_KIDNAP CATCH -abduct REMOVE_TAKE-AWAY_KIDNAP MOVE-SOMETHING -pescar REMOVE_TAKE-AWAY_KIDNAP SEARCH CATCH FIND HUNT -aberrate TURN_CHANGE-DIRECTION DIVERSIFY -incitar LURE_ENTICE INCITE_INDUCE PERSUADE AROUSE_WAKE_ENLIVEN -instigar AROUSE_WAKE_ENLIVEN INCITE_INDUCE PERSUADE -abet INCITE_INDUCE -aborrecer DISLIKE -abhor DISLIKE -execrate DISLIKE BEWITCH -abominar DISLIKE BEWITCH -execrar DISLIKE BEWITCH -detestar DISLIKE -loathe DISLIKE -abominate DISLIKE -quedar EXIST-WITH-FEATURE HELP_HEAL_CARE_CURE AGREE_ACCEPT RETAIN_KEEP_SAVE-MONEY POSSESS REMAIN LEAVE-BEHIND MEET STAY_DWELL -morar GROUND_BASE_FOUND EXIST_LIVE STAY_DWELL -bide STAY_DWELL -stay STOP SECURE_FASTEN_TIE REMAIN WEAKEN OVERCOME_SURPASS STAY_DWELL -abide TOLERATE STAY_DWELL -permanecer PLAY_SPORT/GAME RESIST REMAIN LEAVE-BEHIND WEAKEN WAIT STAY_DWELL -quedarse PLAY_SPORT/GAME STOP CONTINUE REMAIN STAY_DWELL -brook TOLERATE -soportar STOP HELP_HEAL_CARE_CURE FACE_CHALLENGE TOLERATE RESIST RETAIN_KEEP_SAVE-MONEY UNDERGO-EXPERIENCE AGREE_ACCEPT AUTHORIZE_ADMIT CONTAIN STABILIZE_SUPPORT-PHYSICALLY -tolerate AUTHORIZE_ADMIT TOLERATE RESIST -supporter AGREE_ACCEPT TOLERATE -sufrir CAUSE-MENTAL-STATE HURT_HARM_ACHE TOLERATE AGREE_ACCEPT UNDERGO-EXPERIENCE WORSEN RECEIVE -consentir TREAT CAUSE-MENTAL-STATE TOLERATE AGREE_ACCEPT AUTHORIZE_ADMIT BELIEVE -tolérer AGREE_ACCEPT TOLERATE -endure UNDERGO-EXPERIENCE FACE_CHALLENGE TOLERATE CONTINUE -apechar TOLERATE -sobrellevar SPEND-TIME_PASS-TIME TOLERATE CONTINUE -support HELP_HEAL_CARE_CURE TOLERATE FOLLOW_SUPPORT_SPONSOR_FUND ARGUE-IN-DEFENSE ATTEND PROVE STABILIZE_SUPPORT-PHYSICALLY PERFORM STRENGTHEN_MAKE-RESISTANT -tolerar TOLERATE AGREE_ACCEPT AUTHORIZE_ADMIT REMAIN STAY_DWELL -aguantar CAUSE-MENTAL-STATE STOP TOLERATE RESIST RESTRAIN CATCH RETAIN_KEEP_SAVE-MONEY AGREE_ACCEPT AUTHORIZE_ADMIT REMAIN HOLE_PIERCE PUT_APPLY_PLACE_PAVE OVERCOME_SURPASS STAY_DWELL -bear BEHAVE EXIST-WITH-FEATURE PAY CARRY_TRANSPORT TOLERATE DRESS_WEAR POSSESS GIVE-BIRTH CONTAIN STABILIZE_SUPPORT-PHYSICALLY -stomach DISLIKE TOLERATE -digest DESTROY TOLERATE EAT_BITE ABSORB LEARN SUMMARIZE -digerir LEARN EAT_BITE TOLERATE -suffer EXIST-WITH-FEATURE CAUSE-MENTAL-STATE HURT_HARM_ACHE TOLERATE UNDERGO-EXPERIENCE WORSEN -put_up LOAD_PROVIDE_CHARGE_FURNISH MOUNT_ASSEMBLE_PRODUCE TOLERATE OFFER PROPOSE ORGANIZE PUT_APPLY_PLACE_PAVE PRESERVE STAY_DWELL -stick_out EXIST-WITH-FEATURE BULGE-OUT TOLERATE -stand EXIST-WITH-FEATURE STOP TOLERATE RESIST FOLLOW_SUPPORT_SPONSOR_FUND REMAIN HAVE-SEX PUT_APPLY_PLACE_PAVE STAY_DWELL -seguir OBEY WATCH_LOOK-OUT PERFORM CONTINUE INFORM PULL GO-FORWARD UNDERSTAND PRESERVE SPEAK LEAVE-BEHIND SEE FOLLOW-IN-SPACE RESULT_CONSEQUENCE EXTEND WORK FOLLOW_SUPPORT_SPONSOR_FUND SPEND-TIME_PASS-TIME CHASE COME-AFTER_FOLLOW-IN-TIME REMAIN PAINT HARMONIZE OVERCOME_SURPASS -acceder OBEY GIVE-UP_ABOLISH_ABANDON ENTER ACHIEVE AGREE_ACCEPT BELIEVE TAKE -follow OBEY FOLLOW-IN-SPACE WATCH_LOOK-OUT OVERCOME_SURPASS WORK DERIVE FOLLOW_SUPPORT_SPONSOR_FUND IMPLY INFORM COME-AFTER_FOLLOW-IN-TIME ANALYZE SIMULATE PERFORM HARMONIZE UNDERSTAND GO-FORWARD -obedecer MATCH OBEY AGREE_ACCEPT FOCUS -cumplir SATISFY_FULFILL OBEY CARRY-OUT-ACTION HARMONIZE -abide_by OBEY LIKE -comply OBEY -obéir OBEY -subordinarse OBEY -acatar OBEY -respect LIKE -honor LIKE AGREE_ACCEPT APPROVE_PRAISE -honrar SATISFY_FULFILL LIKE AGREE_ACCEPT APPROVE_PRAISE -honour LIKE AGREE_ACCEPT APPROVE_PRAISE -respecter LIKE -honorer LIKE PAY APPROVE_PRAISE -observe BEHAVE WATCH_LOOK-OUT LIKE FIND MATCH SPEAK SEE HARMONIZE -forswear SPEAK -retractarse RESIGN_RETIRE SPEAK -resile RESIGN_RETIRE SPEAK RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND MOVE-BACK -abjurar GIVE_GIFT SPEAK REFUSE -recant SPEAK -abjure SPEAK -retractar MOVE-BACK SPEAK CANCEL_ELIMINATE -retract OPEN SPEAK PULL MOVE-BACK -destetar REMOVE_TAKE-AWAY_KIDNAP BEFRIEND -ablactate REMOVE_TAKE-AWAY_KIDNAP -wean REMOVE_TAKE-AWAY_KIDNAP BEFRIEND -sevrer REMOVE_TAKE-AWAY_KIDNAP -ablactar REMOVE_TAKE-AWAY_KIDNAP -ablate REMOVE_TAKE-AWAY_KIDNAP CORRODE_WEAR-AWAY_SCRATCH -erosionarse CORRODE_WEAR-AWAY_SCRATCH REDUCE_DIMINISH -abnegar GIVE-UP_ABOLISH_ABANDON -abnegate ABSTAIN_AVOID_REFRAIN GIVE_GIFT GIVE-UP_ABOLISH_ABANDON -deny ABSTAIN_AVOID_REFRAIN REFUSE -eliminar REMOVE_TAKE-AWAY_KIDNAP GIVE-UP_ABOLISH_ABANDON MOVE-SOMETHING PRECLUDE_FORBID_EXPEL CANCEL_ELIMINATE KILL REFUSE EXCRETE DISCARD DISMISS_FIRE-SMN -abrogar GIVE-UP_ABOLISH_ABANDON -suprimir REMOVE_TAKE-AWAY_KIDNAP GIVE-UP_ABOLISH_ABANDON MOVE-SOMETHING ABSTAIN_AVOID_REFRAIN CANCEL_ELIMINATE RETAIN_KEEP_SAVE-MONEY MOVE-BACK DISCARD RECALL RESIGN_RETIRE DISMISS_FIRE-SMN -abolish GIVE-UP_ABOLISH_ABANDON -get_rid_of CANCEL_ELIMINATE GIVE-UP_ABOLISH_ABANDON DISCARD -derogar CANCEL_ELIMINATE GIVE-UP_ABOLISH_ABANDON -abolir CANCEL_ELIMINATE GIVE-UP_ABOLISH_ABANDON -abortar PRECLUDE_FORBID_EXPEL STOP EXCRETE -abort STOP EXCRETE -avorter EXCRETE -interrumpir CAUSE-MENTAL-STATE COMBINE_MIX_UNITE STOP FINISH_CONCLUDE_END MESS SPEAK -cancelar STOP PAY CANCEL_ELIMINATE PUBLISH RESULT_CONSEQUENCE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -anular STOP COMPENSATE FINISH_CONCLUDE_END DESTROY PRECLUDE_FORBID_EXPEL CANCEL_ELIMINATE DEFEAT RECOGNIZE_ADMIT_IDENTIFY -annuler REMOVE_TAKE-AWAY_KIDNAP STOP RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND CANCEL_ELIMINATE -abundar EXIST-WITH-FEATURE REACH -bristle EXIST-WITH-FEATURE REACT RAISE -burst EXIST-WITH-FEATURE OPEN EXPLODE APPEAR EMIT GO-FORWARD -abound EXIST-WITH-FEATURE REACH -explotar EXIST-WITH-FEATURE OPEN BENEFIT_EXPLOIT DESTROY REACT EXPLODE FILL PRONOUNCE -ser_rico REACH -abonder_en REACH -pullulate_with REACH -abound_in REACH -teem_in REACH -about-face TURN_CHANGE-DIRECTION THINK -gastar BENEFIT_EXPLOIT CORRODE_WEAR-AWAY_SCRATCH CONSUME_SPEND DESTROY WASTE -rub_off CORRODE_WEAR-AWAY_SCRATCH -gastarse CORRODE_WEAR-AWAY_SCRATCH TRY -rub_down TOUCH CORRODE_WEAR-AWAY_SCRATCH -abrase CORRODE_WEAR-AWAY_SCRATCH -abrade CORRODE_WEAR-AWAY_SCRATCH -corroerse CORRODE_WEAR-AWAY_SCRATCH -desgastar CORRODE_WEAR-AWAY_SCRATCH EXHAUST DESTROY WASTE REDUCE_DIMINISH -corrade CORRODE_WEAR-AWAY_SCRATCH -raer REMOVE_TAKE-AWAY_KIDNAP CORRODE_WEAR-AWAY_SCRATCH -scour SEARCH CORRODE_WEAR-AWAY_SCRATCH WASH_CLEAN -fregar CORRODE_WEAR-AWAY_SCRATCH DECEIVE WASH_CLEAN -descargar REMOVE_TAKE-AWAY_KIDNAP SPILL_POUR DISMISS_FIRE-SMN TRANSMIT DROP SUBJECTIVE-JUDGING CANCEL_ELIMINATE EMPTY_UNLOAD SPEAK OPERATE LIBERATE_ALLOW_AFFORD SHOOT_LAUNCH_PROPEL -abreact SPEAK -abrogate GIVE-UP_ABOLISH_ABANDON -abscindir REMOVE_TAKE-AWAY_KIDNAP -abscise REMOVE_TAKE-AWAY_KIDNAP -escapar MISS_OMIT_LACK ABSTAIN_AVOID_REFRAIN LEAVE_DEPART_RUN-AWAY -fugarse LEAVE_DEPART_RUN-AWAY -run_off COPY DRIVE-BACK LEAVE_DEPART_RUN-AWAY COMPETE FLOW -decamp LEAVE_DEPART_RUN-AWAY -bolt SECURE_FASTEN_TIE EAT_BITE ROLL JUMP LEAVE_DEPART_RUN-AWAY -absquatulate LEAVE_DEPART_RUN-AWAY -go_off STOP HAPPEN_OCCUR OPERATE LEAVE_DEPART_RUN-AWAY PRESS_PUSH_FOLD SHOOT_LAUNCH_PROPEL -make_off LEAVE_DEPART_RUN-AWAY -abscond LEAVE_DEPART_RUN-AWAY -esfumarse SPEND-TIME_PASS-TIME DISAPPEAR CHANGE_SWITCH LEAVE_DEPART_RUN-AWAY -rope_down FALL_SLIDE-DOWN -rappel FALL_SLIDE-DOWN -descendre_en_rappel FALL_SLIDE-DOWN -abseil FALL_SLIDE-DOWN -descender_en_rapel FALL_SLIDE-DOWN -remove REMOVE_TAKE-AWAY_KIDNAP MOVE-SOMETHING KILL LEAVE_DEPART_RUN-AWAY DISCARD DISMISS_FIRE-SMN -ausentarse MISS_OMIT_LACK LEAVE_DEPART_RUN-AWAY -absent LEAVE_DEPART_RUN-AWAY -justificar ADJUST_CORRECT GROUND_BASE_FOUND PROVE LIBERATE_ALLOW_AFFORD EXPLAIN JUSTIFY_EXCUSE -absolve LIBERATE_ALLOW_AFFORD PARDON -liberar LOAD_PROVIDE_CHARGE_FURNISH CAUSE-MENTAL-STATE HELP_HEAL_CARE_CURE CHANGE-HANDS EXEMPT PUBLISH UNFASTEN_UNFOLD LIBERATE_ALLOW_AFFORD -eximir LIBERATE_ALLOW_AFFORD SUBJECTIVE-JUDGING EXEMPT -free REMOVE_TAKE-AWAY_KIDNAP CHANGE-HANDS EXEMPT CANCEL_ELIMINATE EMIT PUBLISH UNFASTEN_UNFOLD LIBERATE_ALLOW_AFFORD -justify ADJUST_CORRECT GROUND_BASE_FOUND PROVE LIBERATE_ALLOW_AFFORD JUSTIFY_EXCUSE -absolver LIBERATE_ALLOW_AFFORD SUBJECTIVE-JUDGING REFUSE PARDON -shrive PARDON -asimilar CO-OPT SUMMARIZE LEARN CHANGE_SWITCH -absorver CO-OPT ABSORB ATTRACT_SUCK -absorb CAUSE-MENTAL-STATE COMBINE_MIX_UNITE BURDEN_BEAR ABSORB LEARN FOCUS CO-OPT -acoger WELCOME AGREE_ACCEPT TAKE-SHELTER HOST_MEAL_INVITE CO-OPT -embelesarse FOCUS -concentrarse GROUP FOCUS -enfrascarse FOCUS -immerse ENCLOSE_WRAP INCITE_INDUCE FOCUS DIP_DIVE -sumergirse REDUCE_DIMINISH FOCUS DIP_DIVE -empaparse FOCUS DIP_DIVE -soak_up ABSORB FOCUS -ensimismarse FOCUS -abstraerse FOCUS -engulf COVER_SPREAD_SURMOUNT FOCUS -steep FOCUS DIP_DIVE -zambullirse REDUCE_DIMINISH FOCUS DIP_DIVE -absorberse FOCUS -aislarse ISOLATE FOCUS -plunge FALL_SLIDE-DOWN BEGIN DIP_DIVE INCITE_INDUCE RUN FOCUS REDUCE_DIMINISH -engross CAUSE-MENTAL-STATE FOCUS -absorber CAUSE-MENTAL-STATE COMBINE_MIX_UNITE PAY BURDEN_BEAR ABSORB WET LEARN -imbibe DRINK ABSORB LEARN -take_up REMOVE_TAKE-AWAY_KIDNAP MOVE-ONESELF WORK CONTINUE ABSORB USE LEARN FOCUS RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -sop_up ABSORB -take_in AMASS EARN DECEIVE EAT_BITE ABSORB LEARN TAKE-SHELTER HOST_MEAL_INVITE PRESS_PUSH_FOLD SEE CO-OPT HEAR_LISTEN VISIT REDUCE_DIMINISH -draw REQUIRE_NEED_WANT_HOPE CHOOSE REPRESENT ABSORB INCITE_INDUCE OBTAIN ATTRACT_SUCK SHAPE REMOVE_TAKE-AWAY_KIDNAP BE-LOCATED_BASE PULL EXTRACT PRESS_PUSH_FOLD AIR SCORE MOVE-SOMETHING IMAGINE TRAVEL WRITE INSERT BREATH_BLOW REDUCE_DIMINISH EXTEND KILL PAINT -suck EXIST-WITH-FEATURE ABSORB NOURISH_FEED HAVE-SEX ATTRACT_SUCK -suck_up FLATTER BEHAVE ABSORB -engage CAUSE-MENTAL-STATE FACE_CHALLENGE TAKE-A-SERVICE_RENT OPERATE CARRY-OUT-ACTION HIRE ALLY_ASSOCIATE_MARRY -occupy CAUSE-MENTAL-STATE WORK REQUIRE_NEED_WANT_HOPE ATTACK_BOMB FILL CARRY-OUT-ACTION STAY_DWELL -atraer CAUSE-MENTAL-STATE LURE_ENTICE LIKE ATTRACT_SUCK -ocupar CAUSE-MENTAL-STATE MANAGE WORK REQUIRE_NEED_WANT_HOPE ATTACK_BOMB LIE POSSESS STAY_DWELL FILL CARRY-OUT-ACTION AFFECT STEAL_DEPRIVE -asumir BEGIN PAY SUPPOSE WORK BURDEN_BEAR CHANGE-APPEARANCE/STATE RESULT_CONSEQUENCE INTERPRET -hacerse_cargo BURDEN_BEAR WATCH_LOOK-OUT -take_over BEGIN PAY REPEAT BURDEN_BEAR BUY EXEMPT LEARN STEAL_DEPRIVE -recibir CAUSE-MENTAL-STATE WELCOME ABSORB RECORD AUTHORIZE_ADMIT TAKE-SHELTER OBTAIN HOST_MEAL_INVITE SHARE RESULT_CONSEQUENCE PERCEIVE RECEIVE -tomar_para_sí ABSORB -ingest LEARN EAT_BITE -empapar PERMEATE DIP_DIVE WET LEARN AFFECT -assimilate CO-OPT LEARN ABSORB CHANGE_SWITCH -abstenerse ABSTAIN_AVOID_REFRAIN -abstener ABSTAIN_AVOID_REFRAIN -abstain ABSTAIN_AVOID_REFRAIN -desistir ABSTAIN_AVOID_REFRAIN GIVE-UP_ABOLISH_ABANDON -inhibirse ABSTAIN_AVOID_REFRAIN -refrain ABSTAIN_AVOID_REFRAIN -desist ABSTAIN_AVOID_REFRAIN -abstraer THINK -abstract THINK SUMMARIZE STEAL_DEPRIVE -abstractar SUMMARIZE -extractar CITE SUMMARIZE -swipe HIT STEAL_DEPRIVE -guindar STEAL_DEPRIVE -quitar REMOVE_TAKE-AWAY_KIDNAP DISMISS_FIRE-SMN TAKE CORRODE_WEAR-AWAY_SCRATCH CONQUER CANCEL_ELIMINATE EMPTY_UNLOAD WASH_CLEAN DISCARD REDUCE_DIMINISH STEAL_DEPRIVE -snarf STEAL_DEPRIVE -enganchar LURE_ENTICE PERSUADE CATCH OFFER SECURE_FASTEN_TIE FLATTER ATTACH CAUSE-SMT OBTAIN HOLE_PIERCE OBLIGE_FORCE STEAL_DEPRIVE -hook LURE_ENTICE STOP SEW REQUIRE_NEED_WANT_HOPE CATCH OFFER SECURE_FASTEN_TIE HIT CAUSE-SMT STEAL_DEPRIVE -birlar STEAL_DEPRIVE -cabbage STEAL_DEPRIVE -pinch CUT HURT_HARM_ACHE PRESS_PUSH_FOLD STEAL_DEPRIVE -hurtar STEAL_DEPRIVE -afanar STEAL_DEPRIVE -atrapar CAUSE-MENTAL-STATE STOP CATCH REPRESENT OPPOSE_REBEL_DISSENT FIND HIT ATTACH ATTRACT_SUCK TOUCH CAGE_IMPRISON STEAL_DEPRIVE -robar CATCH REQUIRE_NEED_WANT_HOPE STEAL_DEPRIVE -purloin STEAL_DEPRIVE -lift REMOVE_TAKE-AWAY_KIDNAP MAKE-A-SOUND FINISH_CONCLUDE_END CARRY_TRANSPORT PAY AROUSE_WAKE_ENLIVEN STOP AMELIORATE APPEAR CANCEL_ELIMINATE EMBELLISH EXTRACT RAISE REDUCE_DIMINISH STEAL_DEPRIVE -mangar STEAL_DEPRIVE -sneak GIVE_GIFT MOVE-ONESELF STEAL_DEPRIVE -filch STEAL_DEPRIVE -pilfer STEAL_DEPRIVE -blackguard JOKE SPEAK -abusar TREAT SPEAK BENEFIT_EXPLOIT VIOLATE -injuriar OFFEND_DISESTEEM SPEAK -shout MAKE-A-SOUND SPEAK -denigrar ACCUSE DOWNPLAY_HUMILIATE SPEAK CRITICIZE -clapperclaw SPEAK CORRODE_WEAR-AWAY_SCRATCH -abuse TREAT SPEAK VIOLATE -malparar TREAT -ill-treat TREAT -maltratar TREAT HURT_HARM_ACHE HIT -ill-use TREAT -mistreat TREAT -step TREAT MOUNT_ASSEMBLE_PRODUCE MOVE-ONESELF MEASURE_EVALUATE CHANGE-APPEARANCE/STATE OPERATE PRESS_PUSH_FOLD PUT_APPLY_PLACE_PAVE GO-FORWARD -maltreat TREAT -pervert DECEIVE DEBASE_ADULTERATE VIOLATE -pervertir DEBASE_ADULTERATE VIOLATE -misuse APPLY VIOLATE -colindar BORDER -limitar BORDER CAGE_IMPRISON REDUCE_DIMINISH RESTRAIN -toucher BORDER CAUSE-MENTAL-STATE TOUCH -bordear TURN_CHANGE-DIRECTION LIE BORDER ENCLOSE_WRAP OVERCOME_SURPASS -march SHOW MOVE-SOMETHING OPPOSE_REBEL_DISSENT BORDER GO-FORWARD -butt_on BORDER -confinar BORDER ENCLOSE_WRAP CAGE_IMPRISON -abut BORDER -être_frontalier BORDER -adjoin BORDER ADD -butt BORDER MOVE-SOMETHING -lindar BORDER EXTEND -edge BORDER LOAD_PROVIDE_CHARGE_FURNISH SHARPEN GO-FORWARD -butt_against BORDER HIT -border BORDER ENCLOSE_WRAP LOAD_PROVIDE_CHARGE_FURNISH -expiate JUSTIFY_EXCUSE -pagar CORRUPT PAY FOLLOW_SUPPORT_SPONSOR_FUND AGREE_ACCEPT PUNISH RESULT_CONSEQUENCE JUSTIFY_EXCUSE -aby JUSTIFY_EXCUSE -racheter JUSTIFY_EXCUSE -expier JUSTIFY_EXCUSE -enmendarse AMELIORATE JUSTIFY_EXCUSE -atone REGRET_SORRY JUSTIFY_EXCUSE -expiar JUSTIFY_EXCUSE -enmendar ADJUST_CORRECT PAY JUSTIFY_EXCUSE -abye JUSTIFY_EXCUSE -accede ASSIGN-smt-to-smn AGREE_ACCEPT GIVE-UP_ABOLISH_ABANDON -give_in AGREE_ACCEPT GIVE-UP_ABOLISH_ABANDON -bow PERFORM GIVE-UP_ABOLISH_ABANDON LOWER -defer DELAY GIVE-UP_ABOLISH_ABANDON -deferir GIVE-UP_ABOLISH_ABANDON -submit GIVE-UP_ABOLISH_ABANDON AGREE_ACCEPT PROPOSE SUBJUGATE ASK_REQUEST GIVE_GIFT -someterse GIVE-UP_ABOLISH_ABANDON AGREE_ACCEPT SUBJUGATE ASK_REQUEST CARRY-OUT-ACTION -enter HAVE-A-FUNCTION_SERVE BEGIN ENTER APPEAR PROPOSE ASSIGN-smt-to-smn PUT_APPLY_PLACE_PAVE HIRE PARTICIPATE -concordar HARMONIZE AGREE_ACCEPT -assent AGREE_ACCEPT -acquiesce AGREE_ACCEPT -asentir LIBERATE_ALLOW_AFFORD SLEEP SIGN AGREE_ACCEPT -aligerar SPEED-UP SIMPLIFY REDUCE_DIMINISH -speed SPEED-UP RUN -activar AROUSE_WAKE_ENLIVEN SPEED-UP CONVERT OPERATE INCITE_INDUCE LIBERATE_ALLOW_AFFORD -accélérer SPEED-UP -quicken SPEED-UP AROUSE_WAKE_ENLIVEN -agilizar SPEED-UP -rendre_agile SPEED-UP -acelerar BEHAVE AROUSE_WAKE_ENLIVEN BEGIN SPEED-UP INCREASE_ENLARGE_MULTIPLY RUN -accelerate SPEED-UP -apresurar SPEED-UP OBLIGE_FORCE RUN MOVE-SOMETHING -speed_up SPEED-UP -urgir SPEED-UP ASK_REQUEST OBLIGE_FORCE -apurar SPEED-UP CAUSE-MENTAL-STATE BEHAVE EAT_BITE -puntuar STOP SUBJECTIVE-JUDGING RECORD EMPHASIZE WRITE -accentuate EMPHASIZE -enfatizar EMPHASIZE -remarcar PUBLICIZE EMPHASIZE EXPLAIN SPEAK -stress EMPHASIZE VERIFY -emphasise EMPHASIZE -accent EMPHASIZE -recalcar EMPHASIZE REPEAT HAPPEN_OCCUR -subrayar EMPHASIZE PUBLICIZE -resaltar EXIST-WITH-FEATURE EMPHASIZE APPEAR BULGE-OUT -acentuar EMPHASIZE -souligner EMPHASIZE EXPLAIN -emphasize EMPHASIZE -punctuate EMPHASIZE WRITE STOP -aceptar PAY TOLERATE AGREE_ACCEPT AUTHORIZE_ADMIT HAVE-SEX BELIEVE RECEIVE -accept PAY TOLERATE AGREE_ACCEPT RETAIN_KEEP_SAVE-MONEY AUTHORIZE_ADMIT HAVE-SEX BELIEVE RECEIVE -take CARRY_TRANSPORT CONQUER REQUIRE_NEED_WANT_HOPE CHOOSE TAKE-A-SERVICE_RENT WIN CONTAIN DIRECT_AIM_MANEUVER CARRY-OUT-ACTION TAKE AFFECT INTERPRET REMOVE_TAKE-AWAY_KIDNAP BEHAVE AGREE_ACCEPT RETAIN_KEEP_SAVE-MONEY UNDERGO-EXPERIENCE AUTHORIZE_ADMIT TAKE-SHELTER STUDY CONTRACT-AN-ILLNESS_INFECT GO-FORWARD MOVE-ONESELF BRING MOVE-SOMETHING BUY EAT_BITE CHANGE-APPEARANCE/STATE ASK_REQUEST MOVE-BY-MEANS-OF HAVE-SEX VERIFY RESULT_CONSEQUENCE CONSIDER WORK RECORD -sostener HELP_HEAL_CARE_CURE AFFIRM CATCH FOLLOW_SUPPORT_SPONSOR_FUND RETAIN_KEEP_SAVE-MONEY NOURISH_FEED ARGUE-IN-DEFENSE AUTHORIZE_ADMIT ASK_REQUEST CONTAIN STABILIZE_SUPPORT-PHYSICALLY STRENGTHEN_MAKE-RESISTANT EXTEND -acceptar TOLERATE -swallow CONQUER TOLERATE EAT_BITE RETAIN_KEEP_SAVE-MONEY ENCLOSE_WRAP SPEAK BELIEVE -tragarse STOP TOLERATE EAT_BITE RETAIN_KEEP_SAVE-MONEY BELIEVE BREATH_BLOW -vivir_con TOLERATE -tragar TOLERATE EAT_BITE DRINK BELIEVE ATTRACT_SUCK BREATH_BLOW -live_with TOLERATE -go_for APPLY TRY AGREE_ACCEPT REQUIRE_NEED_WANT_HOPE -consent AGREE_ACCEPT -take_on AUTHORIZE_ADMIT CHANGE-APPEARANCE/STATE BEGIN FACE_CHALLENGE -admit LOAD_PROVIDE_CHARGE_FURNISH ENTER AUTHORIZE_ADMIT HOST_MEAL_INVITE RECOGNIZE_ADMIT_IDENTIFY -admettre AUTHORIZE_ADMIT RECOGNIZE_ADMIT_IDENTIFY -admitir LOAD_PROVIDE_CHARGE_FURNISH PAY APPROVE_PRAISE AGREE_ACCEPT AUTHORIZE_ADMIT RECOGNIZE_ADMIT_IDENTIFY -accepter AUTHORIZE_ADMIT AGREE_ACCEPT -recevoir AUTHORIZE_ADMIT MEET RECEIVE -assume RAISE BEGIN PAY MOVE-ONESELF SUPPOSE DRESS_WEAR CHANGE-APPEARANCE/STATE SIMULATE STEAL_DEPRIVE -adquirir BENEFIT_EXPLOIT BEGIN PAY MOVE-ONESELF SUPPOSE EARN BUY CHANGE-APPEARANCE/STATE LEARN OBTAIN TAKE -tomar REMOVE_TAKE-AWAY_KIDNAP BEGIN MOVE-ONESELF BRING WORK CATCH FOLLOW_SUPPORT_SPONSOR_FUND CHOOSE REQUIRE_NEED_WANT_HOPE EAT_BITE AGREE_ACCEPT INTERPRET CONQUER MOVE-BY-MEANS-OF DRINK OBTAIN CARRY-OUT-ACTION TAKE STEAL_DEPRIVE -have EXIST-WITH-FEATURE CAUSE-MENTAL-STATE SCORE FACE_CHALLENGE MOVE-SOMETHING EAT_BITE AGREE_ACCEPT UNDERGO-EXPERIENCE POSSESS REMAIN GIVE-BIRTH INCITE_INDUCE HAVE-SEX ORGANIZE RECEIVE -querer MEAN REQUIRE_NEED_WANT_HOPE CHOOSE LIKE AGREE_ACCEPT -accéder ENTER -get_at CAUSE-MENTAL-STATE INFLUENCE ENTER -pretender PLAN_SCHEDULE TRY ENTER DECEIVE PERFORM SEEM -access TAKE ENTER -llegar CAUSE-MENTAL-STATE ENTER ACHIEVE REACH HAPPEN_OCCUR CHANGE-APPEARANCE/STATE OBTAIN EXPLAIN ARRIVE -recuperar REST HELP_HEAL_CARE_CURE REQUIRE_NEED_WANT_HOPE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND INFORM FIND USE OBTAIN ADJUST_CORRECT GIVE_GIFT TAKE -récupérer TAKE -accession RECORD -applaudir APPROVE_PRAISE -ovacionar APPROVE_PRAISE -vitorear INCITE_INDUCE APPROVE_PRAISE -clap MOVE-ONESELF APPROVE_PRAISE SEND HIT PERFORM -acclaim APPROVE_PRAISE -applaud APPROVE_PRAISE -spat FALL_SLIDE-DOWN APPROVE_PRAISE HIT GIVE-BIRTH ATTACH QUARREL_POLEMICIZE PERFORM -avoir_une_prise_de_bec FALL_SLIDE-DOWN APPROVE_PRAISE HIT GIVE-BIRTH ATTACH QUARREL_POLEMICIZE PERFORM -aplaudir PERFORM APPROVE_PRAISE HIT -aclamar SPEAK APPROVE_PRAISE WELCOME -herald GUESS APPROVE_PRAISE WELCOME -hail METEOROLOGICAL APPROVE_PRAISE WELCOME SUMMON COME-FROM -aclimatar CAUSE-MENTAL-STATE -ambientar CAUSE-MENTAL-STATE -acclimate CAUSE-MENTAL-STATE -acclimatise CAUSE-MENTAL-STATE -aclimatarse CAUSE-MENTAL-STATE HARMONIZE -acclimatize CAUSE-MENTAL-STATE -accommodate LOAD_PROVIDE_CHARGE_FURNISH FIT HOST_MEAL_INVITE GIVE_GIFT HARMONIZE -hold MANAGE RESIST CONTAIN DIRECT_AIM_MANEUVER CAUSE-MENTAL-STATE RESERVE APPLY AGREE_ACCEPT PROTECT RETAIN_KEEP_SAVE-MONEY EXIST_LIVE STOP AFFIRM CATCH ENJOY BELIEVE HOST_MEAL_INVITE OBLIGE_FORCE REDUCE_DIMINISH EXIST-WITH-FEATURE CLOSE RESTRAIN FOLLOW_SUPPORT_SPONSOR_FUND DECREE_DECLARE POSSESS REMAIN STABILIZE_SUPPORT-PHYSICALLY ORGANIZE -acomodarse HOST_MEAL_INVITE LIE -oblige LOAD_PROVIDE_CHARGE_FURNISH OBLIGE_FORCE -complacer LOAD_PROVIDE_CHARGE_FURNISH CAUSE-MENTAL-STATE -regular ADJUST_CORRECT HARMONIZE ANALYZE -adaptar CREATE_MATERIALIZE REPRESENT FIT ADJUST_CORRECT HARMONIZE -adapt ADJUST_CORRECT HARMONIZE -ajustar TIGHTEN SATISFY_FULFILL JOIN_CONNECT FIT SORT_CLASSIFY_ARRANGE ADJUST_CORRECT HARMONIZE SETTLE_CONCILIATE -adapter ADJUST_CORRECT HARMONIZE PREPARE -adaptarse ADJUST_CORRECT HARMONIZE SATISFY_FULFILL -acomodar DOWNPLAY_HUMILIATE HARMONIZE HOST_MEAL_INVITE FIT -conformar ADJUST_CORRECT HARMONIZE MATCH SHAPE -satisfacer EXIST-WITH-FEATURE CAUSE-MENTAL-STATE GIVE_GIFT SATISFY_FULFILL -servir EXIST-WITH-FEATURE SPILL_POUR HAVE-A-FUNCTION_SERVE BEGIN WORK SPEND-TIME_PASS-TIME AMELIORATE NOURISH_FEED GIVE_GIFT -équiper GIVE_GIFT -fournir LOAD_PROVIDE_CHARGE_FURNISH GIVE_GIFT -munir GIVE_GIFT -colmar GIVE_GIFT FILL -albergar CAUSE-MENTAL-STATE RETAIN_KEEP_SAVE-MONEY TAKE-SHELTER CONTAIN HOST_MEAL_INVITE STAY_DWELL -alojar LOAD_PROVIDE_CHARGE_FURNISH CONTAIN HOST_MEAL_INVITE STAY_DWELL -hospedar CONTAIN HOST_MEAL_INVITE STAY_DWELL -lodge ACCUSE HOLE_PIERCE HOST_MEAL_INVITE STAY_DWELL -dar_alojamiento HOST_MEAL_INVITE STAY_DWELL -fit LOAD_PROVIDE_CHARGE_FURNISH SATISFY_FULFILL MATCH INSERT FIT -suit SATISFY_FULFILL HARMONIZE FIT EMBELLISH -adecuarse SATISFY_FULFILL FIT -agradar CAUSE-MENTAL-STATE LIKE FIT -contentar CAUSE-MENTAL-STATE FIT -reconciliar COMBINE_MIX_UNITE HARMONIZE AGREE_ACCEPT SETTLE_CONCILIATE -reconcile COMBINE_MIX_UNITE HARMONIZE AGREE_ACCEPT SETTLE_CONCILIATE -acordar REMEMBER SETTLE_CONCILIATE AGREE_ACCEPT MATCH ADJUST_CORRECT GIVE_GIFT HARMONIZE DISCUSS -conciliate HARMONIZE MAKE-RELAX SETTLE_CONCILIATE -conciliar HARMONIZE SETTLE_CONCILIATE -accompany PERFORM ACCOMPANY -acompañar LOAD_PROVIDE_CHARGE_FURNISH PERFORM ACCOMPANY EMBELLISH -companion ACCOMPANY -company ACCOMPANY -keep_company ACCOMPANY -attach_to ACCOMPANY INCLUDE-AS -ir_con ACCOMPANY -go_with ACCOMPANY -come_with ACCOMPANY -play_along PERFORM ALLY_ASSOCIATE_MARRY -carry_out CARRY-OUT-ACTION FINISH_CONCLUDE_END -action ACCUSE CARRY-OUT-ACTION -execute AUTHORIZE_ADMIT CARRY-OUT-ACTION OPERATE KILL -accomplir CARRY-OUT-ACTION EMCEE -llevar_a_término CARRY-OUT-ACTION GIVE-BIRTH -accomplish ACHIEVE CARRY-OUT-ACTION -realizar FINISH_CONCLUDE_END CREATE_MATERIALIZE ACHIEVE REACH SATISFY_FULFILL CONVERT CAUSE-SMT EMCEE CARRY-OUT-ACTION -fulfil SATISFY_FULFILL CARRY-OUT-ACTION -ejecutar FINISH_CONCLUDE_END KILL AUTHORIZE_ADMIT OPERATE CARRY-OUT-ACTION PERFORM -fulfill SATISFY_FULFILL CARRY-OUT-ACTION -completar FINISH_CONCLUDE_END SATISFY_FULFILL ACHIEVE AMELIORATE WRITE FILL EMBELLISH CARRY-OUT-ACTION ADD -carry_through CARRY-OUT-ACTION HELP_HEAL_CARE_CURE -achieve ACHIEVE -conseguir SEARCH AMASS ACHIEVE REACH FIND OBTAIN GROUP TAKE -réaliser CREATE_MATERIALIZE ACHIEVE -reach EXHAUST ACHIEVE REACH COMMUNICATE_CONTACT GIVE_GIFT ARRIVE EXTEND -alcanzar BEGIN ACHIEVE REACH COVER_SPREAD_SURMOUNT COST AIR GIVE_GIFT ARRIVE SHOOT_LAUNCH_PROPEL OVERCOME_SURPASS -attain ACHIEVE REACH ARRIVE FIND -lograr SCORE ACHIEVE REACH REPRESENT FIND OBTAIN ARRIVE INFER GO-FORWARD -conceder EXIST-WITH-FEATURE GIVE-UP_ABOLISH_ABANDON CHANGE-HANDS AGREE_ACCEPT SPEAK LIBERATE_ALLOW_AFFORD GIVE_GIFT GUARANTEE_ENSURE_PROMISE RECOGNIZE_ADMIT_IDENTIFY -grant GIVE-UP_ABOLISH_ABANDON CHANGE-HANDS LIBERATE_ALLOW_AFFORD GIVE_GIFT GUARANTEE_ENSURE_PROMISE -accord GIVE_GIFT HARMONIZE -conferir GIVE-UP_ABOLISH_ABANDON CHANGE-HANDS CAUSE-SMT LIBERATE_ALLOW_AFFORD GIVE_GIFT GUARANTEE_ENSURE_PROMISE DISCUSS -adjudicar FINISH_CONCLUDE_END GIVE-UP_ABOLISH_ABANDON ASCRIBE CHANGE-HANDS DECREE_DECLARE ASSIGN-smt-to-smn LIBERATE_ALLOW_AFFORD GIVE_GIFT GUARANTEE_ENSURE_PROMISE -destinar PLAN_SCHEDULE ASCRIBE DECREE_DECLARE RETAIN_KEEP_SAVE-MONEY ASSIGN-smt-to-smn GIVE_GIFT -otorgar EXIST-WITH-FEATURE GIVE-UP_ABOLISH_ABANDON CHANGE-HANDS GIVE_GIFT GUARANTEE_ENSURE_PROMISE -allot GIVE_GIFT -encajar PERSUADE SATISFY_FULFILL ENCLOSE_WRAP FIT PRESS_PUSH_FOLD HOLE_PIERCE HARMONIZE -armonizar CREATE_MATERIALIZE COMBINE_MIX_UNITE PERFORM HARMONIZE -harmonise CREATE_MATERIALIZE COMBINE_MIX_UNITE PERFORM HARMONIZE -harmonize CREATE_MATERIALIZE COMBINE_MIX_UNITE PERFORM HARMONIZE -consort HAVE-SEX HARMONIZE ACCOMPANY -agree MATCH HARMONIZE EXIST-WITH-FEATURE AGREE_ACCEPT -fit_in HARMONIZE -concord HARMONIZE AGREE_ACCEPT SETTLE_CONCILIATE -s'accorder HAVE-SEX HARMONIZE ACCOMPANY AGREE_ACCEPT -dirigirse_a SPEAK GO-FORWARD -accost SPEAK OFFER -address BE-LOCATED_BASE SPEAK FOCUS ADJUST_CORRECT PUT_APPLY_PLACE_PAVE -come_up_to SPEAK -llamar MAKE-A-SOUND CREATE_MATERIALIZE NAME LIKE CITE HIT SUMMON SPEAK COMMUNICATE_CONTACT RECOGNIZE_ADMIT_IDENTIFY -venderse OFFER SELL -ofrecer_sexo OFFER -ofrecerse REPLACE GIVE_GIFT OFFER WORK -abordar MANAGE FACE_CHALLENGE OFFER SECURE_FASTEN_TIE CATCH_EMBARK ATTACK_BOMB SPEAK LEARN GO-FORWARD -solicit COURT OFFER INCITE_INDUCE ASK_REQUEST -calculate CALCULATE_ESTIMATE SUBJECTIVE-JUDGING DIRECT_AIM_MANEUVER RELY GUESS -contar EXIST-WITH-FEATURE TAKE-INTO-ACCOUNT_CONSIDER REPEAT COUNT CALCULATE_ESTIMATE INFORM SUBJECTIVE-JUDGING CONVERT SPEAK RELY WAIT INCLUDE-AS -compter PLAN_SCHEDULE TAKE-INTO-ACCOUNT_CONSIDER COUNT CALCULATE_ESTIMATE RELY -account CALCULATE_ESTIMATE EXPLAIN CAUSE-SMT REPRESENT -calcular TAKE-INTO-ACCOUNT_CONSIDER CALCULATE_ESTIMATE SUBJECTIVE-JUDGING RELY GUESS -describir REPRESENT RECOGNIZE_ADMIT_IDENTIFY -describe PAINT REPRESENT RECOGNIZE_ADMIT_IDENTIFY -denunciar ACCUSE INFORM REPRESENT CRITICIZE BETRAY SPEAK -informar INFORM REPRESENT KNOW SPEAK LEARN GIVE_GIFT TEACH -señalar SHOW HURT_HARM_ACHE AMELIORATE REPRESENT OPPOSE_REBEL_DISSENT PAINT EXPLAIN SIGN SIGNAL_INDICATE -report INFORM REPRESENT AFFIRM -relatar REFER INFORM SPEAK REPRESENT -décrire REPRESENT RECOGNIZE_ADMIT_IDENTIFY -dar_parte REPRESENT -reportar REPRESENT -answer_for EXPLAIN -responder ANSWER SATISFY_FULFILL REACT ARGUE-IN-DEFENSE EXPLAIN GUARANTEE_ENSURE_PROMISE -account_for EXPLAIN CAUSE-SMT -explicar SHOW AMELIORATE SPEAK EXPLAIN JUSTIFY_EXCUSE INTERPRET -accoutre GIVE_GIFT -accouter GIVE_GIFT -accredit AGREE_ACCEPT ASCRIBE SEND -credit RELY ADD ASCRIBE -acreditar ADD AGREE_ACCEPT ASCRIBE SEND -reconocer SEARCH APPROVE_PRAISE ASCRIBE PERCEIVE ANALYZE AGREE_ACCEPT UNDERSTAND RECOGNIZE_ADMIT_IDENTIFY -autorizar NAME ASSIGN-smt-to-smn SEND AUTHORIZE_ADMIT LIBERATE_ALLOW_AFFORD -reconnaître AGREE_ACCEPT RECOGNIZE_ADMIT_IDENTIFY -légitimer AGREE_ACCEPT -recognise APPROVE_PRAISE WELCOME AGREE_ACCEPT PERCEIVE UNDERSTAND -recognize APPROVE_PRAISE WELCOME AGREE_ACCEPT KNOW PERCEIVE UNDERSTAND -accréditer AGREE_ACCEPT -homologuer LIBERATE_ALLOW_AFFORD AGREE_ACCEPT PROVE -accrete GROW_PLOW INCREASE_ENLARGE_MULTIPLY -aumentar GROW_PLOW INCREASE_ENLARGE_MULTIPLY AMELIORATE RAISE STRENGTHEN_MAKE-RESISTANT -acrecentar GROW_PLOW INCREASE_ENLARGE_MULTIPLY AMASS POSSESS -acumularse AMASS POSSESS -recaer REACH IMPLY POSSESS ASSIGN-smt-to-smn WORSEN -accrue INCREASE_ENLARGE_MULTIPLY POSSESS -fall HANG CONQUER DIRECT_AIM_MANEUVER GIVE_GIFT FEEL CHANGE-HANDS FAIL_LOSE GIVE-BIRTH SORT_CLASSIFY_ARRANGE GO-FORWARD FALL_SLIDE-DOWN BEGIN FINISH_CONCLUDE_END LOWER APPEAR HAVE-SEX CHANGE-APPEARANCE/STATE REDUCE_DIMINISH METEOROLOGICAL INCLINE KILL POSSESS HAPPEN_OCCUR ASSIGN-smt-to-smn FACIAL-EXPRESSION -extranjerizar CO-OPT -aculturar CO-OPT -acculturate CO-OPT -gather SEW AMASS INCREASE_ENLARGE_MULTIPLY GROUP INFER -pile_up AMASS -amontonarse GROUP AMASS -conglomerate AMASS -amontonar AMASS RETAIN_KEEP_SAVE-MONEY SORT_CLASSIFY_ARRANGE FILL GROUP SHAPE -agregar EXIST-WITH-FEATURE AMASS MOVE-SOMETHING ATTACH SPEAK ADD -amass AMASS -coleccionar AMASS -acumular AMASS RETAIN_KEEP_SAVE-MONEY -accumulate AMASS -conglomerar AMASS -congregar MOUNT_ASSEMBLE_PRODUCE AMASS INCREASE_ENLARGE_MULTIPLY MEET GROUP -cumuler AMASS -cumulate AMASS -compilar CREATE_MATERIALIZE MOUNT_ASSEMBLE_PRODUCE AMASS -juntar MOUNT_ASSEMBLE_PRODUCE COMBINE_MIX_UNITE AMASS JOIN_CONNECT GROUP ADD -recoger REMOVE_TAKE-AWAY_KIDNAP AMASS WORK REPEAT ABSORB PRESS_PUSH_FOLD EXTRACT GROUP TAKE -collect GROUP AMASS -compile CREATE_MATERIALIZE MOUNT_ASSEMBLE_PRODUCE AMASS -hoard AMASS RETAIN_KEEP_SAVE-MONEY -roll_up ROLL CLOSE ARRIVE AMASS -recopilar MOUNT_ASSEMBLE_PRODUCE GROUP AMASS -amasar GROUP AMASS SHAPE -amasser AMASS -apilar SORT_CLASSIFY_ARRANGE AMASS FILL -reunir AMASS JOIN_CONNECT SUMMON SORT_CLASSIFY_ARRANGE MEET GROUP ALLY_ASSOCIATE_MARRY -anathemize BEWITCH -anatematizar BEWITCH -anathemise BEWITCH -anathematise BEWITCH -anathematize BEWITCH -comminate BEWITCH -accurse BEWITCH -accuser ACCUSE SUMMON -criminate ACCUSE CRITICIZE -impeach ACCUSE FACE_CHALLENGE -incriminate ACCUSE IMPLY -acusar FACE_CHALLENGE ACCUSE SUMMON BETRAY ASSIGN-smt-to-smn -accuse ACCUSE -incriminar ACCUSE IMPLY FACE_CHALLENGE CRITICIZE -culpar ACCUSE CRITICIZE -charge LOAD_PROVIDE_CHARGE_FURNISH CAUSE-MENTAL-STATE PAY ACCUSE ATTACK_BOMB CHARGE LIE AUTHORIZE_ADMIT ASK_REQUEST RUN FILL DIRECT_AIM_MANEUVER ORDER ASSIGN-smt-to-smn PUT_APPLY_PLACE_PAVE GIVE_GIFT TEACH FUEL -accustom CAUSE-MENTAL-STATE -acostumbrar CAUSE-MENTAL-STATE -habituate CAUSE-MENTAL-STATE USE -acostumbrarse CAUSE-MENTAL-STATE -accoutumer CAUSE-MENTAL-STATE -soler BEHAVE CAUSE-MENTAL-STATE -habituar CAUSE-MENTAL-STATE -ace ACHIEVE SCORE -nail DECIDE_DETERMINE ACHIEVE HIT ATTACH CAGE_IMPRISON -ser_campeón ACHIEVE -sail_through ACHIEVE -pass_with_flying_colors ACHIEVE -sweep_through ACHIEVE -pasar_sin_dificultad ACHIEVE -breeze_through ACHIEVE -acerbate CAUSE-MENTAL-STATE CHANGE-TASTE -agriar CHANGE-TASTE -amargar CAUSE-MENTAL-STATE SPOIL CHANGE-TASTE -embitter CAUSE-MENTAL-STATE -envenom CAUSE-MENTAL-STATE ADD -acibarar CAUSE-MENTAL-STATE -exasperar CAUSE-MENTAL-STATE WORSEN -envenimer CAUSE-MENTAL-STATE ADD -exaspérer CAUSE-MENTAL-STATE -acidifier CONVERT CHANGE-TASTE -acetify CONVERT CHANGE-TASTE -acidify CONVERT CHANGE-TASTE -acidificar CONVERT CHANGE-TASTE -sour SPOIL CHANGE-TASTE -acidular CHANGE-TASTE -avinagrar CHANGE-TASTE -acidulate CHANGE-TASTE -asperear SPOIL CHANGE-TASTE -acidar CHANGE-TASTE -acetificar CHANGE-TASTE -acetylize REPLACE INSERT -acetylise REPLACE INSERT -acetylate REPLACE INSERT -smart HURT_HARM_ACHE -doler CAUSE-MENTAL-STATE HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE -ache HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE -hurt CAUSE-MENTAL-STATE WORSEN HURT_HARM_ACHE -escocer HURT_HARM_ACHE -lastimar HURT_HARM_ACHE -languish WEAKEN REQUIRE_NEED_WANT_HOPE -yearn LIKE REQUIRE_NEED_WANT_HOPE -ansiar ASK_REQUEST REQUIRE_NEED_WANT_HOPE -anhelar REQUIRE_NEED_WANT_HOPE -yen REQUIRE_NEED_WANT_HOPE -consumirse BURN SPOIL REDUCE_DIMINISH REQUIRE_NEED_WANT_HOPE -pine REQUIRE_NEED_WANT_HOPE -achromatise REMOVE_TAKE-AWAY_KIDNAP -achromatize REMOVE_TAKE-AWAY_KIDNAP -acromatizar REMOVE_TAKE-AWAY_KIDNAP -acid-wash COLOR -lavar_con_ácido COLOR -lavar_al_ácido COLOR -acknowledge RECOGNIZE_ADMIT_IDENTIFY AGREE_ACCEPT APPROVE_PRAISE -reconnaitre RECOGNIZE_ADMIT_IDENTIFY -saber CUT KILL AGREE_ACCEPT HAVE-SEX KNOW -know HAVE-SEX AGREE_ACCEPT KNOW -notice EXPLAIN PERCEIVE FIND RECOGNIZE_ADMIT_IDENTIFY -acusar_el_recibo RECOGNIZE_ADMIT_IDENTIFY -receipt SIGNAL_INDICATE RECOGNIZE_ADMIT_IDENTIFY -acusar_la_recepción RECOGNIZE_ADMIT_IDENTIFY -familiarise LEARN -familiarize LEARN -familiarizarse LEARN -acquaint INFORM LEARN KNOW -familiarizar LEARN -poner_al_corriente INFORM -present SHOW PERFORM FACE_CHALLENGE WELCOME CREATE_MATERIALIZE REPRESENT KNOW SPEAK GIVE_GIFT -presentar EXIST-WITH-FEATURE SHOW BEGIN PERFORM FACE_CHALLENGE CREATE_MATERIALIZE OFFER APPEAR REPRESENT PROPOSE KNOW SPEAK EMCEE PROVE MEET GIVE_GIFT SIGNAL_INDICATE -introduce SHOW BEGIN PUBLISH KNOW INSERT MEET ESTABLISH PUT_APPLY_PLACE_PAVE PRECEDE -introducir CREATE_MATERIALIZE INFORM PROPOSE KNOW INSERT MEET ESTABLISH PUT_APPLY_PLACE_PAVE PRECEDE -acquire FIND CHANGE-APPEARANCE/STATE LEARN OBTAIN TAKE -learn KNOW LEARN STUDY VERIFY TEACH -instruirse LEARN -larn LEARN -aprender KNOW LEARN STUDY VERIFY TEACH -apprendre LEARN -adoptar BEGIN FOLLOW_SUPPORT_SPONSOR_FUND TAKE-A-SERVICE_RENT CHANGE-APPEARANCE/STATE LEARN CO-OPT SIMULATE INCLUDE-AS -adopt BEGIN FOLLOW_SUPPORT_SPONSOR_FUND REPRESENT CHANGE-APPEARANCE/STATE LEARN CO-OPT -cultivar DEVELOP_AGE BEGIN WORK GROW_PLOW INCREASE_ENLARGE_MULTIPLY AMELIORATE CHANGE-APPEARANCE/STATE GENERATE -desarrollar PLAY_SPORT/GAME LOAD_PROVIDE_CHARGE_FURNISH DEVELOP_AGE CREATE_MATERIALIZE INCREASE_ENLARGE_MULTIPLY AMELIORATE APPEAR CHANGE-APPEARANCE/STATE TAKE -crecer DEVELOP_AGE GROW_PLOW INCREASE_ENLARGE_MULTIPLY AMELIORATE CHANGE-APPEARANCE/STATE GENERATE FLOW -elaborar SHOW MOUNT_ASSEMBLE_PRODUCE BEGIN DEVELOP_AGE WORK CREATE_MATERIALIZE GROW_PLOW AMELIORATE CHANGE-APPEARANCE/STATE GENERATE PREPARE SPOIL TAKE -get REACH REPRESENT INCITE_INDUCE OBTAIN ATTRACT_SUCK DIRECT_AIM_MANEUVER PUNISH COMMUNICATE_CONTACT HEAR_LISTEN CAUSE-MENTAL-STATE CATCH_EMBARK UNDERGO-EXPERIENCE GIVE-BIRTH LEAVE_DEPART_RUN-AWAY CONTRACT-AN-ILLNESS_INFECT UNDERSTAND BEGIN SCORE BRING MOVE-SOMETHING CATCH BUY DESTROY REPRIMAND HIT CHANGE-APPEARANCE/STATE CHANGE_SWITCH ARRIVE RECEIVE -develop PLAY_SPORT/GAME SHOW DEVELOP_AGE BEGIN GROW_PLOW CREATE_MATERIALIZE AMELIORATE OVERLAP APPEAR INCREASE_ENLARGE_MULTIPLY HAPPEN_OCCUR CHANGE-APPEARANCE/STATE GENERATE EMBELLISH TEACH TAKE -producir MOUNT_ASSEMBLE_PRODUCE PAY CREATE_MATERIALIZE GROW_PLOW HAPPEN_OCCUR POSSESS PUBLISH GIVE-BIRTH CHANGE-APPEARANCE/STATE CAUSE-SMT INCITE_INDUCE GENERATE ESTABLISH CARRY-OUT-ACTION -produce SHOW MOUNT_ASSEMBLE_PRODUCE GROW_PLOW HAPPEN_OCCUR PUBLISH CHANGE-APPEARANCE/STATE GENERATE -grow DEVELOP_AGE BEGIN GROW_PLOW INCREASE_ENLARGE_MULTIPLY CHANGE-APPEARANCE/STATE GENERATE -ganar BENEFIT_EXPLOIT EARN ACHIEVE INCREASE_ENLARGE_MULTIPLY AMELIORATE DEFEAT WIN OBTAIN ARRIVE TAKE -gagner WIN TAKE DEFEAT -ganarse TAKE -win WIN ACHIEVE AMELIORATE TAKE -gain BENEFIT_EXPLOIT EARN INCREASE_ENLARGE_MULTIPLY AMELIORATE OBTAIN ARRIVE TAKE -triunfar ACHIEVE WIN TAKE DEFEAT -vencer STOP EXHAUST KILL DEFEAT WIN TAKE OVERCOME_SURPASS -merecer EXIST-WITH-FEATURE TAKE -evolve CREATE_MATERIALIZE AMELIORATE TAKE -evolucionar CREATE_MATERIALIZE AMELIORATE TAKE -procurarse DECEIVE OBTAIN -sacar CHOOSE PROPOSE OBTAIN TAKE CLOUD_SHADOW_HIDE SHAPE REMOVE_TAKE-AWAY_KIDNAP CITE PUBLISH EXTRACT PRESS_PUSH_FOLD BEGIN MOVE-SOMETHING CHANGE-APPEARANCE/STATE EXCRETE WASH_CLEAN CAVE_CARVE REDUCE_DIMINISH INFER EMPTY_UNLOAD PREPARE DISMISS_FIRE-SMN -se_procurer OBTAIN -obtener ACHIEVE REACH EXIST_LIVE OBTAIN GROUP ARRIVE INFER -acquitter SUBJECTIVE-JUDGING PAY -acquit BEHAVE SUBJECTIVE-JUDGING -disculper SUBJECTIVE-JUDGING -exonerar LIBERATE_ALLOW_AFFORD SUBJECTIVE-JUDGING EXEMPT DISMISS_FIRE-SMN -absoudre SUBJECTIVE-JUDGING -discharge SPILL_POUR DISMISS_FIRE-SMN SUBJECTIVE-JUDGING CANCEL_ELIMINATE EMPTY_UNLOAD OPERATE LIBERATE_ALLOW_AFFORD CARRY-OUT-ACTION SHOOT_LAUNCH_PROPEL -exculpate SUBJECTIVE-JUDGING -innocenter SUBJECTIVE-JUDGING -exonerate SUBJECTIVE-JUDGING -blanchir SUBJECTIVE-JUDGING CONVERT WASH_CLEAN -exculpar SUBJECTIVE-JUDGING -assoil SUBJECTIVE-JUDGING -clear REMOVE_TAKE-AWAY_KIDNAP PAY DISAPPEAR EARN LIGHTEN CREATE_MATERIALIZE SUBJECTIVE-JUDGING APPROVE_PRAISE CANCEL_ELIMINATE SELL AUTHORIZE_ADMIT EMPTY_UNLOAD PULL WASH_CLEAN EXPLAIN GIVE_GIFT OVERCOME_SURPASS -carry SHOW CARRY_TRANSPORT CONQUER RESIST BURDEN_BEAR REACH WIN CONTAIN PERFORM BEHAVE LOAD_PROVIDE_CHARGE_FURNISH IMPLY NOURISH_FEED GIVE-BIRTH PERSUADE ACHIEVE CHANGE_SWITCH ARRIVE SHOOT_LAUNCH_PROPEL EXTEND CIRCULATE_SPREAD_DISTRIBUTE TRANSMIT COMPENSATE FOLLOW_SUPPORT_SPONSOR_FUND POSSESS STABILIZE_SUPPORT-PHYSICALLY INCLUDE-AS -conduct BEHAVE MANAGE MOVE-SOMETHING LEAD_GOVERN PERFORM CIRCULATE_SPREAD_DISTRIBUTE -comportarse BEHAVE -exiliar BEHAVE ABSTAIN_AVOID_REFRAIN DRIVE-BACK -behave BEHAVE -deport BEHAVE DRIVE-BACK -comport BEHAVE -act BEHAVE WORK CARRY-OUT-ACTION PERFORM AFFECT -actuar BEHAVE CARRY-OUT-ACTION PERFORM WORK -funcionar OPERATE WORK AFFECT HAPPEN_OCCUR -work EXIST-WITH-FEATURE BENEFIT_EXPLOIT DECIDE_DETERMINE MOUNT_ASSEMBLE_PRODUCE AROUSE_WAKE_ENLIVEN WORK SPOIL MOVE-SOMETHING GROW_PLOW GO-FORWARD RESULT_CONSEQUENCE CONVERT MOVE-ONESELF HAPPEN_OCCUR OPERATE INFLUENCE TEACH AFFECT SHAPE -conduire BEHAVE PRECEDE DIRECT_AIM_MANEUVER -comprtarse BEHAVE -faire BEHAVE MOUNT_ASSEMBLE_PRODUCE EXIST-WITH-FEATURE -do BEHAVE EXIST-WITH-FEATURE MANAGE WORK CREATE_MATERIALIZE SPEND-TIME_PASS-TIME CAUSE-SMT EMBELLISH CARRY-OUT-ACTION RESULT_CONSEQUENCE GO-FORWARD -portar BEHAVE CARRY_TRANSPORT BRING REACH CONTAIN STABILIZE_SUPPORT-PHYSICALLY CIRCULATE_SPREAD_DISTRIBUTE -comporter BEHAVE -hacer MAKE-A-SOUND CONVERT INCITE_INDUCE CARRY-OUT-ACTION ADD SHAPE BEHAVE PLAY_SPORT/GAME MOUNT_ASSEMBLE_PRODUCE EMCEE ESTABLISH GO-FORWARD SCORE EARN CREATE_MATERIALIZE IMAGINE CHANGE-APPEARANCE/STATE CAUSE-SMT CHANGE_SWITCH OBLIGE_FORCE EXIST-WITH-FEATURE PREPARE ORGANIZE GROUP INCLUDE-AS -portarse BEHAVE -obrar BEHAVE CARRY-OUT-ACTION -comportar BEHAVE IMPLY PLAN_SCHEDULE MEAN -fingir BEHAVE FAKE DECEIVE SIMULATE GUESS -faire_l´hypocrite BEHAVE -dissimular BEHAVE -pretend BEHAVE DECEIVE ASK_REQUEST PERFORM GUESS PRETEND -dissemble BEHAVE DECEIVE CLOUD_SHADOW_HIDE -interpretar TRANSLATE REPRESENT CARRY-OUT-ACTION PERFORM UNDERSTAND INTERPRET -play BEHAVE TREAT PLAY_SPORT/GAME EXHAUST BENEFIT_EXPLOIT FACE_CHALLENGE SPILL_POUR MOVE-ONESELF SHOW HAPPEN_OCCUR USE HIT OPERATE RUN BID TOUCH PERFORM AFFECT INTERPRET -jugar PLAY_SPORT/GAME BEHAVE SHOW FACE_CHALLENGE OPERATE RUN BID TOUCH PERFORM -roleplay PERFORM -representar EXIST-WITH-FEATURE SHOW CAUSE-MENTAL-STATE WORK REPRESENT ARGUE-IN-DEFENSE PAINT PERFORM INTERPRET -tocar REFER PLAY_SPORT/GAME MAKE-A-SOUND SHOW CAUSE-MENTAL-STATE SIGNAL_INDICATE CITE EAT_BITE DISCUSS BORDER OPERATE BID TOUCH PERFORM GIVE_GIFT UNDERSTAND AFFECT EXTEND VIOLATE -playact PERFORM -llevar_a_cabo FINISH_CONCLUDE_END WORK CREATE_MATERIALIZE CAUSE-SMT PREPARE CARRY-OUT-ACTION -move PLAY_SPORT/GAME CAUSE-MENTAL-STATE MOVE-ONESELF MOVE-SOMETHING PROPOSE SELL INCITE_INDUCE ATTEND CHANGE_SWITCH ORGANIZE LEAVE_DEPART_RUN-AWAY CARRY-OUT-ACTION SEEM GO-FORWARD -escenificar CARRY-OUT-ACTION PERFORM REPRESENT -jouer BEHAVE PLAY_SPORT/GAME FINISH_CONCLUDE_END CONSUME_SPEND PERFORM -declamar PERFORM READ CRITICIZE -recitar PERFORM SPEAK -represent EXIST-WITH-FEATURE SHOW REPRESENT ARGUE-IN-DEFENSE PERFORM INTERPRET -protagonizar EXIST-WITH-FEATURE PERFORM -hacer_ver BEHAVE -servir_de BEHAVE HAVE-A-FUNCTION_SERVE -simular BEHAVE SIMULATE DECEIVE -act_as BEHAVE HAVE-A-FUNCTION_SERVE -act_involuntarily BEHAVE -act_reflexively BEHAVE -impressionner GROUND_BASE_FOUND CARRY-OUT-ACTION -act_on GROUND_BASE_FOUND CARRY-OUT-ACTION -pursue SEARCH CARRY-OUT-ACTION FOLLOW-IN-SPACE -follow_up_on CARRY-OUT-ACTION -reconstruir REMEMBER MOUNT_ASSEMBLE_PRODUCE SIMULATE -act_out PERFORM SIMULATE -enact SIMULATE ORDER -reenact AUTHORIZE_ADMIT SIMULATE -put_on_airs SUBJUGATE -queen_it_over SUBJUGATE -pompearse SUBJUGATE -act_superior SUBJUGATE -pavonearse SHOW MOVE-ONESELF APPROVE_PRAISE TRAVEL SUBJUGATE -lord_it_over SUBJUGATE -act_up BEHAVE HURT_HARM_ACHE -causar_molestias HURT_HARM_ACHE -dar_guerra HURT_HARM_ACHE -carry_on BEHAVE MANAGE SPEAK PRESERVE -influenciar INFLUENCE PERSUADE SEEM -act_upon INFLUENCE -influence INFLUENCE PERSUADE -influir CAUSE-MENTAL-STATE INFLUENCE PERSUADE AFFECT -sue ACCUSE -litigate ACCUSE FACE_CHALLENGE -pleitear ACCUSE -contender ACCUSE COMPETE FACE_CHALLENGE -procesar MANAGE ACCUSE SUMMON PREPARE SHAPE -litigar ACCUSE -poursuivre_en_justice ACCUSE -demandar ACCUSE ASK_REQUEST REQUIRE_NEED_WANT_HOPE -process MANAGE ACCUSE CALCULATE_ESTIMATE SUMMON PREPARE GO-FORWARD SHAPE -querellar ACCUSE QUARREL_POLEMICIZE -proceder EXIST-WITH-FEATURE DERIVE ACCUSE ORGANIZE GO-FORWARD -activate AROUSE_WAKE_ENLIVEN CONVERT OPERATE AIR -aerate COMBINE_MIX_UNITE AIR -spark LIGHT_SHINE AROUSE_WAKE_ENLIVEN -spark_off AROUSE_WAKE_ENLIVEN -provocar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN LURE_ENTICE SPEED-UP CRITICIZE HAPPEN_OCCUR CHANGE-APPEARANCE/STATE INCITE_INDUCE CAUSE-SMT CARRY-OUT-ACTION -desencadenar LIBERATE_ALLOW_AFFORD AROUSE_WAKE_ENLIVEN SHOOT_LAUNCH_PROPEL UNFASTEN_UNFOLD -actuate AROUSE_WAKE_ENLIVEN INCITE_INDUCE -touch_off AROUSE_WAKE_ENLIVEN -trip FALL_SLIDE-DOWN CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN TRAVEL ENJOY -set_off AROUSE_WAKE_ENLIVEN BEGIN COMPENSATE EXPLODE EMPHASIZE LEAVE_DEPART_RUN-AWAY -trigger AROUSE_WAKE_ENLIVEN SHOOT_LAUNCH_PROPEL -accionar AROUSE_WAKE_ENLIVEN OPERATE -trigger_off AROUSE_WAKE_ENLIVEN -actualise CREATE_MATERIALIZE REPRESENT -actualize CREATE_MATERIALIZE REPRESENT -actualizar TRANSMIT CREATE_MATERIALIZE INFORM AMELIORATE REPRESENT -se_rendre_compte LOAD_PROVIDE_CHARGE_FURNISH EARN CREATE_MATERIALIZE CONVERT UNDERSTAND -substantiate CREATE_MATERIALIZE STRENGTHEN_MAKE-RESISTANT PROVE REPRESENT -sustanciar CREATE_MATERIALIZE ADD PROVE -advertir EARN CREATE_MATERIALIZE CITE INFORM WARN PROPOSE FIND ATTEND SEE PERCEIVE UNDERSTAND -realize LOAD_PROVIDE_CHARGE_FURNISH EARN CREATE_MATERIALIZE CONVERT UNDERSTAND -realise LOAD_PROVIDE_CHARGE_FURNISH EARN CREATE_MATERIALIZE CONVERT UNDERSTAND -motivar INCITE_INDUCE -motivate INCITE_INDUCE -propel INCITE_INDUCE MOVE-SOMETHING -propulsar MOVE-SOMETHING INCREASE_ENLARGE_MULTIPLY PUBLICIZE INCITE_INDUCE PRESS_PUSH_FOLD GO-FORWARD -incite AROUSE_WAKE_ENLIVEN INCITE_INDUCE -prompt INCITE_INDUCE HELP_HEAL_CARE_CURE PERSUADE -acuminate SHARPEN -ad-lib CARRY-OUT-ACTION -improvize CARRY-OUT-ACTION -improvisar CARRY-OUT-ACTION DECEIVE COOK -extemporize CARRY-OUT-ACTION -improvise CARRY-OUT-ACTION -improviser CARRY-OUT-ACTION -extemporise CARRY-OUT-ACTION -conform ADJUST_CORRECT MATCH -ajustarse ADJUST_CORRECT HARMONIZE MATCH -conformarse ADJUST_CORRECT FACE_CHALLENGE AGREE_ACCEPT SATISFY_FULFILL -adjust ADJUST_CORRECT SORT_CLASSIFY_ARRANGE SETTLE_CONCILIATE -supply LOAD_PROVIDE_CHARGE_FURNISH SPEAK -adicionar REACH SPEAK ADD -append ATTACH SPEAK ADD -añadir COMBINE_MIX_UNITE MOVE-SOMETHING ATTACH SPEAK ADD -ajouter EXIST-WITH-FEATURE ATTACH SPEAK ADD -add EXIST-WITH-FEATURE SPEAK ADD -sum_up ADD SUMMARIZE -tote_up ADD -summate COMBINE_MIX_UNITE ADD -sumar REACH COMBINE_MIX_UNITE ADD -tot ADD -tot_up ADD -sommer ADD SUMMARIZE -sum ADD SUMMARIZE -tally MATCH RECORD SCORE ADD -total REACH ADD DESTROY -add_up CREATE_MATERIALIZE REACH ADD MEAN -add_together ADD -bring EXIST-WITH-FEATURE CAUSE-MENTAL-STATE PERSUADE BRING HAPPEN_OCCUR CHANGE-APPEARANCE/STATE ACCOMPANY COST CARRY-OUT-ACTION -impart EXIST-WITH-FEATURE INFORM CIRCULATE_SPREAD_DISTRIBUTE -propiciar EXIST-WITH-FEATURE BEFRIEND -contribuir EXIST-WITH-FEATURE GIVE_GIFT LOAD_PROVIDE_CHARGE_FURNISH -aportar EXIST-WITH-FEATURE LOAD_PROVIDE_CHARGE_FURNISH GIVE_GIFT OFFER -lend EXIST-WITH-FEATURE LEND -bestow EXIST-WITH-FEATURE GIVE_GIFT -contribute EXIST-WITH-FEATURE GIVE_GIFT LOAD_PROVIDE_CHARGE_FURNISH IMPLY -rajouter ADD -agregarse AMASS ADD -s'ajouter ADD -additionner ADD -add_on ADD -complementar AMELIORATE FILL ADD INCREASE_ENLARGE_MULTIPLY -anexionar ADD -anexar CONQUER ADD STEAL_DEPRIVE -supplement ADD -adjuntar BORDER ATTACH ADD -affix ATTACH ADD -apposer ATTACH ADD -add_to INCREASE_ENLARGE_MULTIPLY -amount CREATE_MATERIALIZE REACH MEAN -come EXIST-WITH-FEATURE CAUSE-MENTAL-STATE RESULT_CONSEQUENCE MOVE-ONESELF DERIVE CREATE_MATERIALIZE REACH COME-AFTER_FOLLOW-IN-TIME HAPPEN_OCCUR CHANGE-APPEARANCE/STATE OBTAIN THINK SORT_CLASSIFY_ARRANGE ARRIVE COME-FROM -ser_lógico MEAN -tener_sentido MEAN -make_sense MEAN -number COUNT REACH PRECLUDE_FORBID_EXPEL WRITE INCLUDE-AS -s'élever REACH -volver_adicto CAUSE-SMT -causar_adicción_en CAUSE-SMT -engancharse ATTACH CAUSE-SMT OBLIGE_FORCE -addict CAUSE-SMT -pudrirse LOSE SPOIL DESTROY WEAKEN -addle MESS SPOIL -desconcertar CAUSE-MENTAL-STATE MESS COMPLEXIFY -puddle PLAY_SPORT/GAME COMBINE_MIX_UNITE DIP_DIVE MESS WET CHANGE-APPEARANCE/STATE EXCRETE SHAPE -embarullar MESS CHANGE-APPEARANCE/STATE -muddle MESS CHANGE-APPEARANCE/STATE -mezclar COMBINE_MIX_UNITE MESS SORT_CLASSIFY_ARRANGE HARMONIZE ADD -enredar STOP MESS DECEIVE ATTACH CHANGE-APPEARANCE/STATE COMPLEXIFY -denominar NAME SPEAK COMMUNICATE_CONTACT RECOGNIZE_ADMIT_IDENTIFY -call MAKE-A-SOUND LURE_ENTICE STOP FACE_CHALLENGE REQUIRE_NEED_WANT_HOPE NAME SUBJECTIVE-JUDGING DECREE_DECLARE REPRIMAND SUMMON SPEAK ASK_REQUEST COMMUNICATE_CONTACT VISIT ORDER LAND_GET-OFF GUESS READ -dedicarse SEARCH HAVE-A-FUNCTION_SERVE FOCUS -s'atteler FOCUS -aplicarse_a FOCUS -tratar TREAT MANAGE HELP_HEAL_CARE_CURE TRY FACE_CHALLENGE CALCULATE_ESTIMATE SPEAK PREPARE FOCUS -se_dédier FOCUS -dirigir MOVE-SOMETHING LEAD_GOVERN SPEAK EMCEE ORDER DIRECT_AIM_MANEUVER ORGANIZE ADJUST_CORRECT PUT_APPLY_PLACE_PAVE OBLIGE_FORCE EXTEND CIRCULATE_SPREAD_DISTRIBUTE -direct MOVE-SOMETHING LEAD_GOVERN ORDER DIRECT_AIM_MANEUVER ORGANIZE PUT_APPLY_PLACE_PAVE -dirigirse GO-FORWARD TURN_CHANGE-DIRECTION SPEAK LEAVE_DEPART_RUN-AWAY -turn_to SPEAK FOCUS -recourir_à SPEAK FOCUS -treat LOAD_PROVIDE_CHARGE_FURNISH TREAT HELP_HEAL_CARE_CURE NEGOTIATE NOURISH_FEED SPEAK PREPARE -deal BEHAVE MANAGE CONSIDER FACE_CHALLENGE WORK SELL SPEAK SHARE GIVE_GIFT CIRCULATE_SPREAD_DISTRIBUTE -plow GROW_PLOW SPEAK TRAVEL -handle TREAT MANAGE SHOW CATCH SPEAK TOUCH -cover COMPENSATE PAY FOLLOW_SUPPORT_SPONSOR_FUND REACH COVER_SPREAD_SURMOUNT PROTECT LIE ANALYZE REPRESENT REPLACE HAVE-SEX SPEAK COMPARE DIRECT_AIM_MANEUVER ASSIGN-smt-to-smn CLOUD_SHADOW_HIDE EXTEND INCLUDE-AS -speak MAKE-A-SOUND SPEAK -hablar PRONOUNCE SPEAK DISCUSS MAKE-A-SOUND -adduct MOVE-SOMETHING -stick EXIST-WITH-FEATURE CAUSE-MENTAL-STATE BURDEN_BEAR FOLLOW_SUPPORT_SPONSOR_FUND SECURE_FASTEN_TIE REMAIN ATTACH EMBELLISH HOLE_PIERCE STAY_DWELL -adhere FOLLOW_SUPPORT_SPONSOR_FUND APPLY ATTACH HARMONIZE -stand_by ABSTAIN_AVOID_REFRAIN FOLLOW_SUPPORT_SPONSOR_FUND WAIT -apoyar REST HELP_HEAL_CARE_CURE INCLINE FOLLOW_SUPPORT_SPONSOR_FUND ARGUE-IN-DEFENSE STABILIZE_SUPPORT-PHYSICALLY STRENGTHEN_MAKE-RESISTANT -stick_by FOLLOW_SUPPORT_SPONSOR_FUND -asociarse ATTACH COMBINE_MIX_UNITE ALLY_ASSOCIATE_MARRY GROUP -unirse COMBINE_MIX_UNITE JOIN_CONNECT ATTACH SPEAK ACCOMPANY ALLY_ASSOCIATE_MARRY -vincular CORRELATE ATTACH JOIN_CONNECT -stick_to FOLLOW_SUPPORT_SPONSOR_FUND ATTACH -adherir HOLE_PIERCE ATTACH HARMONIZE SECURE_FASTEN_TIE -liar DRESS_WEAR MESS DECEIVE JOIN_CONNECT ATTACH -encolar ATTACH -hold_fast ATTACH -bind LOAD_PROVIDE_CHARGE_FURNISH BEFRIEND HURT_HARM_ACHE SECURE_FASTEN_TIE ENCLOSE_WRAP ATTACH PRESS_PUSH_FOLD OBLIGE_FORCE -ligarse ATTACH -pegar LIGHT_SHINE NAME HIT ATTACH HOLE_PIERCE PERFORM ARRIVE SHOOT_LAUNCH_PROPEL -incorporarse ATTACH SPEAK ALLY_ASSOCIATE_MARRY -pegarse ATTACH -adherirse COMBINE_MIX_UNITE ATTACH FIT -atar TIGHTEN SECURE_FASTEN_TIE JOIN_CONNECT ATTACH PRESS_PUSH_FOLD OBLIGE_FORCE -bond ATTACH BEFRIEND GUARANTEE_ENSURE_PROMISE -aferrar STOP CATCH OPPOSE_REBEL_DISSENT ATTACH BELIEVE UNDERSTAND -cling CATCH ATTACH BELIEVE -aferrarse CATCH ATTACH -cohere ATTACH COMBINE_MIX_UNITE -cleave ATTACH CUT CAVE_CARVE -adhérer HARMONIZE -palpar REFER CAUSE-MENTAL-STATE ANALYZE BORDER TOUCH FEEL -touch REFER CAUSE-MENTAL-STATE MANAGE CITE EAT_BITE BORDER MATCH COLOR TOUCH UNDERSTAND AFFECT EXTEND VIOLATE -meet COMBINE_MIX_UNITE FACE_CHALLENGE SATISFY_FULFILL UNDERGO-EXPERIENCE BORDER KNOW MEET GROUP RESULT_CONSEQUENCE -contact BORDER COMMUNICATE_CONTACT -contactar BORDER COMMUNICATE_CONTACT TOUCH ARRIVE EXTEND -adjourn STOP FINISH_CONCLUDE_END -break_up FINISH_CONCLUDE_END STOP COMBINE_MIX_UNITE DESTROY DISBAND_BREAK-UP SEPARATE_FILTER_DETACH LAUGH BREAK_DETERIORATE CONTRACT-AN-ILLNESS_INFECT -posponer DELAY FINISH_CONCLUDE_END -recess PUT_APPLY_PLACE_PAVE FINISH_CONCLUDE_END CAVE_CARVE -aplazar DELAY STOP FINISH_CONCLUDE_END CONTINUE -retirarse SLEEP STOP GIVE-UP_ABOLISH_ABANDON ABSTAIN_AVOID_REFRAIN ISOLATE MOVE-BACK LEAVE_DEPART_RUN-AWAY RESIGN_RETIRE DISMISS_FIRE-SMN -suspender_una_sesión STOP -withdraw REMOVE_TAKE-AWAY_KIDNAP STOP ABSTAIN_AVOID_REFRAIN SPEAK ISOLATE MOVE-BACK LIBERATE_ALLOW_AFFORD RECALL RESIGN_RETIRE -retirar REMOVE_TAKE-AWAY_KIDNAP STOP DISCARD MOVE-SOMETHING ABSTAIN_AVOID_REFRAIN DEFEAT PULL MOVE-BACK DRIVE-BACK LIBERATE_ALLOW_AFFORD RECALL RESIGN_RETIRE DISMISS_FIRE-SMN EXTEND -suspender FINISH_CONCLUDE_END STOP HANG SUBJECTIVE-JUDGING FAIL_LOSE FLY -retire SLEEP STOP DEFEAT MOVE-BACK DISCARD RECALL RESIGN_RETIRE DISMISS_FIRE-SMN -revelar REMOVE_TAKE-AWAY_KIDNAP SHOW REVEAL DECREE_DECLARE APPEAR SPEAK PROVE SIGNAL_INDICATE -adjudge DECREE_DECLARE -declare DECREE_DECLARE RECORD AUTHORIZE_ADMIT SPEAK BID -estimar TAKE-INTO-ACCOUNT_CONSIDER TREAT CONSIDER CALCULATE_ESTIMATE DECREE_DECLARE LIKE SUBJECTIVE-JUDGING BELIEVE SEE INTERPRET -declarar REVEAL AFFIRM DECREE_DECLARE PROPOSE AUTHORIZE_ADMIT SPEAK ORDER PROVE BID PRONOUNCE SIGNAL_INDICATE GUARANTEE_ENSURE_PROMISE -juzgar CONSIDER SUBJECTIVE-JUDGING DECREE_DECLARE ANALYZE REPRIMAND CRITICIZE BELIEVE -adjudicate SUBJECTIVE-JUDGING FINISH_CONCLUDE_END -judge SUBJECTIVE-JUDGING DECREE_DECLARE CALCULATE_ESTIMATE -enjuiciar ACCUSE SUBJECTIVE-JUDGING -juger SUBJECTIVE-JUDGING -instruir WORK SUBJECTIVE-JUDGING INFORM ORDER TEACH -try HURT_HARM_ACHE TRY SUBJECTIVE-JUDGING ANALYZE SEPARATE_FILTER_DETACH VERIFY SEEM -solventar FINISH_CONCLUDE_END SETTLE_CONCILIATE -résoudre DECIDE_DETERMINE FINISH_CONCLUDE_END SOLVE -décider DECIDE_DETERMINE FINISH_CONCLUDE_END -resolver DECIDE_DETERMINE FINISH_CONCLUDE_END DECREE_DECLARE AMELIORATE SOLVE SETTLE_CONCILIATE -arrêter REMOVE_TAKE-AWAY_KIDNAP STOP FINISH_CONCLUDE_END -dirimir FINISH_CONCLUDE_END STAY_DWELL -resolve DECIDE_DETERMINE COMBINE_MIX_UNITE FINISH_CONCLUDE_END AMELIORATE SOLVE SETTLE_CONCILIATE -solucionar DECIDE_DETERMINE FINISH_CONCLUDE_END SOLVE PULL -decide DECIDE_DETERMINE FINISH_CONCLUDE_END PERSUADE INFLUENCE -se_décider FINISH_CONCLUDE_END -decidir DECIDE_DETERMINE FINISH_CONCLUDE_END CALCULATE_ESTIMATE INFLUENCE VERIFY SETTLE_CONCILIATE -settle FALL_SLIDE-DOWN FINISH_CONCLUDE_END STOP DIP_DIVE LIE HAPPEN_OCCUR CHANGE-APPEARANCE/STATE SORT_CLASSIFY_ARRANGE PUNISH ESTABLISH SETTLE_CONCILIATE STAY_DWELL -adjure ASK_REQUEST ORDER -ordenar REMOVE_TAKE-AWAY_KIDNAP MANAGE AMASS SUBJECTIVE-JUDGING PRECLUDE_FORBID_EXPEL ANALYZE ASK_REQUEST SORT_CLASSIFY_ARRANGE ORDER ORGANIZE ASSIGN-smt-to-smn -conjurar CREATE_MATERIALIZE ASK_REQUEST ORDER -prier SPEAK ASK_REQUEST -requerir MISS_OMIT_LACK REQUIRE_NEED_WANT_HOPE SUMMON ASK_REQUEST ORDER -implorar ASK_REQUEST -supplier ASK_REQUEST -implorer ASK_REQUEST -bid ASK_REQUEST OFFER TRY REQUIRE_NEED_WANT_HOPE -suplicar SUMMON ASK_REQUEST DOWNPLAY_HUMILIATE -pedir ASK_REQUEST RESERVE REQUIRE_NEED_WANT_HOPE -press EXIST-WITH-FEATURE RAISE WORK BURDEN_BEAR ASK_REQUEST PRESS_PUSH_FOLD GROUP OBLIGE_FORCE -rogar SPEAK ASK_REQUEST -adjurar ASK_REQUEST -entreat ASK_REQUEST -conjure CREATE_MATERIALIZE ASK_REQUEST ALLY_ASSOCIATE_MARRY -beseech ASK_REQUEST -ajuster ADJUST_CORRECT -corregir PAY HELP_HEAL_CARE_CURE AMELIORATE REPRIMAND ADJUST_CORRECT VERIFY REDUCE_DIMINISH -correct PAY HELP_HEAL_CARE_CURE REPRIMAND PUNISH ADJUST_CORRECT REDUCE_DIMINISH -adecuar INSERT FIT PREPARE ADJUST_CORRECT HARMONIZE -colocar ASSIGN-smt-to-smn SELL LEND LIE CHANGE-APPEARANCE/STATE SORT_CLASSIFY_ARRANGE ADJUST_CORRECT PUT_APPLY_PLACE_PAVE -set DECIDE_DETERMINE PRINT REPRESENT REPAIR_REMEDY INCITE_INDUCE EMBELLISH ADJUST_CORRECT PUT_APPLY_PLACE_PAVE LOAD_PROVIDE_CHARGE_FURNISH MOUNT_ASSEMBLE_PRODUCE BE-LOCATED_BASE GROW_PLOW SHARPEN OPERATE ESTABLISH BEGIN CHANGE-APPEARANCE/STATE CAUSE-SMT HOLE_PIERCE DISAPPEAR CALCULATE_ESTIMATE DECREE_DECLARE PREPARE -arreglar PLAN_SCHEDULE REMOVE_TAKE-AWAY_KIDNAP HELP_HEAL_CARE_CURE FOLLOW_SUPPORT_SPONSOR_FUND AMELIORATE REPRESENT FIND REPAIR_REMEDY SORT_CLASSIFY_ARRANGE CHANGE_SWITCH ORGANIZE EMBELLISH CARRY-OUT-ACTION UNFASTEN_UNFOLD -aline SORT_CLASSIFY_ARRANGE -align ADJUST_CORRECT FOLLOW_SUPPORT_SPONSOR_FUND SORT_CLASSIFY_ARRANGE -line_up PREPARE SORT_CLASSIFY_ARRANGE FIND SHAPE -aligner SORT_CLASSIFY_ARRANGE -alinear ADJUST_CORRECT FOLLOW_SUPPORT_SPONSOR_FUND SORT_CLASSIFY_ARRANGE -admeasure CALCULATE_ESTIMATE -dispense GIVE_GIFT EXEMPT -dispensar CHANGE-HANDS EXEMPT COVER_SPREAD_SURMOUNT NOURISH_FEED CAUSE-SMT ORGANIZE GIVE_GIFT JUSTIFY_EXCUSE CIRCULATE_SPREAD_DISTRIBUTE -administer GIVE_GIFT LEAD_GOVERN COMMUNE MANAGE -administrar GIVE_GIFT LEAD_GOVERN COMMUNE MANAGE -administrer GIVE_GIFT MANAGE -administrate LEAD_GOVERN -gestionar CATCH LEAD_GOVERN MANAGE -deal_out GIVE_GIFT -dish_out GIVE_GIFT -distribuir COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH SORT_CLASSIFY_ARRANGE GIVE_GIFT CIRCULATE_SPREAD_DISTRIBUTE -distribuer GIVE_GIFT -repartir REMOVE_TAKE-AWAY_KIDNAP GIVE_GIFT SEPARATE_FILTER_DETACH CIRCULATE_SPREAD_DISTRIBUTE -dole_out GIVE_GIFT -mete_out GIVE_GIFT -shell_out GIVE_GIFT -parcel_out GIVE_GIFT -asignar PLAN_SCHEDULE HAVE-A-FUNCTION_SERVE ASCRIBE NAME RETAIN_KEEP_SAVE-MONEY ASSIGN-smt-to-smn GIVE_GIFT -distribute EXIST-WITH-FEATURE COVER_SPREAD_SURMOUNT SORT_CLASSIFY_ARRANGE GIVE_GIFT CIRCULATE_SPREAD_DISTRIBUTE -lot GIVE_GIFT SEPARATE_FILTER_DETACH -respetar LIKE -look_up_to LIKE -admire LIKE -admirar CAUSE-MENTAL-STATE LIKE -admirer LIKE -contemplar TAKE-INTO-ACCOUNT_CONSIDER CONSIDER LIKE AUTHORIZE_ADMIT THINK SEE ADD INCLUDE-AS -integrar PLAN_SCHEDULE EXIST-WITH-FEATURE MOUNT_ASSEMBLE_PRODUCE COMBINE_MIX_UNITE BEFRIEND CREATE_MATERIALIZE CALCULATE_ESTIMATE MAKE-RELAX AUTHORIZE_ADMIT ESTABLISH ADD INCLUDE-AS -let_in AUTHORIZE_ADMIT -incluir TAKE-INTO-ACCOUNT_CONSIDER AUTHORIZE_ADMIT INSERT ADD INCLUDE-AS -englobar AUTHORIZE_ADMIT ADD INCLUDE-AS -include AUTHORIZE_ADMIT ADD INCLUDE-AS -dar_salida ENTER -allow_in AUTHORIZE_ADMIT -intromit AUTHORIZE_ADMIT -dar_entrada AUTHORIZE_ADMIT -allow LOAD_PROVIDE_CHARGE_FURNISH TAKE-INTO-ACCOUNT_CONSIDER RETAIN_KEEP_SAVE-MONEY AUTHORIZE_ADMIT LIBERATE_ALLOW_AFFORD GIVE_GIFT -permitir LOAD_PROVIDE_CHARGE_FURNISH ENTER TOLERATE AUTHORIZE_ADMIT LIBERATE_ALLOW_AFFORD -combinar EXIST-WITH-FEATURE HARMONIZE COMBINE_MIX_UNITE FIT -admix COMBINE_MIX_UNITE -discourage OPPOSE_REBEL_DISSENT WARN CAUSE-MENTAL-STATE -amonestar CRITICIZE REPRIMAND WARN PUNISH -admonish WARN PUNISH -monish WARN -avisar INFORM ASK_REQUEST WARN -warn ASK_REQUEST WARN -prevenir ABSTAIN_AVOID_REFRAIN PRECLUDE_FORBID_EXPEL OPPOSE_REBEL_DISSENT WARN UNDERSTAND -réprimander REPRIMAND WARN -reprobar REPRIMAND COMMUNE CRITICIZE REFUSE PUNISH -reprove PUNISH -reñir FIGHT REPRIMAND SPEAK QUARREL_POLEMICIZE PUNISH -caution WARN -reprender CRITICIZE REPRIMAND WARN -adolesce DEVELOP_AGE -balayer FOLLOW_SUPPORT_SPONSOR_FUND OBLIGE_FORCE -embrace TOUCH FOLLOW_SUPPORT_SPONSOR_FUND INCLUDE-AS -adherirse_a FOLLOW_SUPPORT_SPONSOR_FUND -sweep_up FOLLOW_SUPPORT_SPONSOR_FUND OBLIGE_FORCE -espouse FOLLOW_SUPPORT_SPONSOR_FUND ALLY_ASSOCIATE_MARRY -abrazar FOLLOW_SUPPORT_SPONSOR_FUND LIE FIT TOUCH INCLUDE-AS -ahijar CO-OPT -adopter CO-OPT LEARN -dramatise REPRESENT EMBELLISH -dramatizar REPRESENT -dramatize REPRESENT EMBELLISH -investir ASSIGN-smt-to-smn BEGIN AUTHORIZE_ADMIT LEND -borrow LEARN TAKE-A-SERVICE_RENT -apropiarse LEARN TAKE CONQUER STEAL_DEPRIVE -s'approprier LEARN -reprendre LEARN REST CONTINUE -épouser LEARN ALLY_ASSOCIATE_MARRY -adorar LIKE PERFORM APPROVE_PRAISE -adore LIKE -adorer LIKE -adorn ASSIGN-smt-to-smn EMBELLISH -beautify EMBELLISH -ornar EMBELLISH -grace EMBELLISH -deck KNOCK-DOWN EMBELLISH -adornar COLOR EMBELLISH -decorar EMBELLISH -ornamentar EMBELLISH -decorate APPROVE_PRAISE EMBELLISH -embellish EMBELLISH -clothe ASSIGN-smt-to-smn DRESS_WEAR COVER_SPREAD_SURMOUNT -invertir LOAD_PROVIDE_CHARGE_FURNISH PAY CANCEL_ELIMINATE INVERT_REVERSE LEND AUTHORIZE_ADMIT BID ASSIGN-smt-to-smn RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -invest ASSIGN-smt-to-smn AUTHORIZE_ADMIT LEND -aliñar COOK ADD EMBELLISH -embellecer EMBELLISH -ornament EMBELLISH -orner EMBELLISH -adsorb ABSORB -adsorber ABSORB -encenser FLATTER -adular FLATTER -lécher_le_cul FLATTER -flatter FLATTER -lécher FLATTER TOUCH -adulate FLATTER -aduler FLATTER -lécher_les_bottes FLATTER -faire_de_la_lèche FLATTER -stretch INCREASE_ENLARGE_MULTIPLY COVER_SPREAD_SURMOUNT LIE DEBASE_ADULTERATE EXTEND -load LOAD_PROVIDE_CHARGE_FURNISH TRANSMIT FILL DEBASE_ADULTERATE -dilute DEBASE_ADULTERATE WEAKEN -adulterar DIRTY FAKE DEBASE_ADULTERATE -debase DEBASE_ADULTERATE -adulterate DEBASE_ADULTERATE -diluir COMBINE_MIX_UNITE DESTROY DEBASE_ADULTERATE WEAKEN REDUCE_DIMINISH -sugerir AROUSE_WAKE_ENLIVEN SPEAK IMPLY PROPOSE -insinuate ENTER PROPOSE -intimate IMPLY PROPOSE -insinuar IMPLY SPEAK PROPOSE -dar_a_entender PROPOSE -insinuer ENTER PROPOSE -adumbrate SUMMARIZE PROPOSE -bosquejar PRINT CREATE_MATERIALIZE REPRESENT PREPARE SUMMARIZE PAINT -outline PAINT CREATE_MATERIALIZE SUMMARIZE -perfilar PLAN_SCHEDULE PAINT REPRESENT SUMMARIZE -esquisser SUMMARIZE -delinear SHOW REPRESENT SIMPLIFY SUMMARIZE PAINT -résumer SUMMARIZE -sintetizar CREATE_MATERIALIZE HARMONIZE SUMMARIZE -esbozar CREATE_MATERIALIZE PRINT SUMMARIZE -synthétiser CREATE_MATERIALIZE HARMONIZE SUMMARIZE -esquematizar CREATE_MATERIALIZE SORT_CLASSIFY_ARRANGE PRINT SUMMARIZE -sketch SUMMARIZE -adelantarse AMELIORATE OBTAIN MOVE-SOMETHING -advance PROMOTE PAY MOVE-SOMETHING AMELIORATE INCREASE_ENLARGE_MULTIPLY PROPOSE GO-FORWARD -bring_forward MOVE-SOMETHING PROPOSE -adelantar OVERCOME_SURPASS INCREASE_ENLARGE_MULTIPLY PAY MOVE-SOMETHING -anticipar PAY PROMOTE REQUIRE_NEED_WANT_HOPE REACT INCREASE_ENLARGE_MULTIPLY AMELIORATE WAIT UNDERSTAND GUESS GO-FORWARD -proponer REQUIRE_NEED_WANT_HOPE CREATE_MATERIALIZE PROPOSE ASK_REQUEST PREPARE -throw_out PROPOSE REFUSE DRIVE-BACK DISCARD DISMISS_FIRE-SMN -exponer SHOW REVEAL ENDANGER CREATE_MATERIALIZE AMELIORATE PROPOSE PUBLISH -avancer PROPOSE -propugnar FOLLOW_SUPPORT_SPONSOR_FUND PROPOSE -avanzar PAY ACHIEVE AMELIORATE PROPOSE ORGANIZE GO-FORWARD -make_headway AMELIORATE -internarse AMELIORATE GO-FORWARD -pull_ahead AMELIORATE -gain_ground AMELIORATE -get_ahead AMELIORATE -avanzarse AMELIORATE GO-FORWARD -go_on CONTINUE START-FUNCTIONING HAPPEN_OCCUR SPEAK GO-FORWARD -pass_on GIVE_GIFT ASK_REQUEST INFORM GO-FORWARD -progress AMELIORATE INCREASE_ENLARGE_MULTIPLY GO-FORWARD -march_on GO-FORWARD -adentrarse HOLE_PIERCE FALL_SLIDE-DOWN GO-FORWARD -move_on GO-FORWARD -promover PUBLICIZE INCREASE_ENLARGE_MULTIPLY PROMOTE -raise AROUSE_WAKE_ENLIVEN DEVELOP_AGE PROMOTE MOUNT_ASSEMBLE_PRODUCE FINISH_CONCLUDE_END MAKE-A-SOUND CREATE_MATERIALIZE AMELIORATE INCREASE_ENLARGE_MULTIPLY PRONOUNCE PROPOSE GENERATE SPEAK COMMUNICATE_CONTACT BID ORGANIZE GROUP RAISE -ascender PROMOTE MEASURE_EVALUATE INCREASE_ENLARGE_MULTIPLY AMELIORATE RAISE -kick_upstairs PROMOTE -upgrade MEASURE_EVALUATE AMELIORATE PROMOTE -promouvoir PUBLICIZE PROMOTE -elevate RAISE PROMOTE AMELIORATE -promote PUBLICIZE INCREASE_ENLARGE_MULTIPLY PROMOTE AMELIORATE -développer SHOW AMELIORATE -fomentar PUBLICIZE INCREASE_ENLARGE_MULTIPLY AROUSE_WAKE_ENLIVEN -impulsar EXIST-WITH-FEATURE BEGIN CARRY_TRANSPORT PERSUADE MOVE-SOMETHING FOLLOW_SUPPORT_SPONSOR_FUND INCREASE_ENLARGE_MULTIPLY PUBLICIZE MOVE-BY-MEANS-OF DIRECT_AIM_MANEUVER PRESS_PUSH_FOLD OBLIGE_FORCE SHOOT_LAUNCH_PROPEL -encourager INCREASE_ENLARGE_MULTIPLY -further INCREASE_ENLARGE_MULTIPLY -animar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN PERSUADE APPROVE_PRAISE SATISFY_FULFILL FOLLOW_SUPPORT_SPONSOR_FUND INCREASE_ENLARGE_MULTIPLY AMELIORATE CHANGE-APPEARANCE/STATE INCITE_INDUCE EMCEE -encourage FOLLOW_SUPPORT_SPONSOR_FUND INCREASE_ENLARGE_MULTIPLY INCITE_INDUCE -boost INCREASE_ENLARGE_MULTIPLY STRENGTHEN_MAKE-RESISTANT MOVE-SOMETHING -incentivar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN FOLLOW_SUPPORT_SPONSOR_FUND INCREASE_ENLARGE_MULTIPLY INCITE_INDUCE -auspiciar EXIST-WITH-FEATURE FOLLOW_SUPPORT_SPONSOR_FUND INCREASE_ENLARGE_MULTIPLY ATTEND -favorecer EXIST-WITH-FEATURE HELP_HEAL_CARE_CURE LIKE INCREASE_ENLARGE_MULTIPLY EMBELLISH GIVE_GIFT -estimular CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN SPEED-UP INCREASE_ENLARGE_MULTIPLY INCITE_INDUCE -potenciar PUBLICIZE INCREASE_ENLARGE_MULTIPLY -supercharge INCREASE_ENLARGE_MULTIPLY -pagar_por_adelantado PAY -prépayer PAY -set_ahead MOVE-SOMETHING -get_on TRANSMIT DEVELOP_AGE BEFRIEND LOCATE-IN-TIME_DATE CATCH_EMBARK AMELIORATE -progresar AMELIORATE INCREASE_ENLARGE_MULTIPLY -get_along BEFRIEND RESULT_CONSEQUENCE AMELIORATE -come_along AMELIORATE APPEAR -come_on LOAD_PROVIDE_CHARGE_FURNISH AMELIORATE APPEAR START-FUNCTIONING GO-FORWARD -shape_up AMELIORATE -beneficiar BENEFIT_EXPLOIT HELP_HEAL_CARE_CURE KILL -dar_ventaja BENEFIT_EXPLOIT -advantage BENEFIT_EXPLOIT -advect DIRECT_AIM_MANEUVER -run_a_risk BID -chance FIND BID HAPPEN_OCCUR -hazard RISK GUESS BID -aventurarse RISK BID -gamble PLAY_SPORT/GAME BID -apostar PLAY_SPORT/GAME WIN BID PUT_APPLY_PLACE_PAVE RELY GUESS STAY_DWELL -arriesgarse RISK BID -poner_en_peligro RISK ENDANGER BID -take_a_chance BID -aventurar RISK GUESS BID -risk RISK BID -correr_un_riesgo BID -adventure RISK BID -arriesgar RISK ENDANGER BID -take_chances BID -jeopardize RISK ENDANGER -stake RISK SECURE_FASTEN_TIE KILL BID SIGNAL_INDICATE -venture RISK GUESS -allude CITE -advert CITE ATTEND -referirse REFER CITE -aludir CITE DISCUSS -referir REFER CITE GIVE_GIFT SEND -bring_up DEVELOP_AGE STOP PROMOTE CREATE_MATERIALIZE CITE START-FUNCTIONING PROPOSE RAISE -refer REFER SEARCH MEAN NAME CITE SEND SORT_CLASSIFY_ARRANGE -citar APPROVE_PRAISE CITE SUMMON ASK_REQUEST SPEAK GROUP -mentionner CITE SPEAK -nombrar NAME CITE CHOOSE SPEAK ESTABLISH ASSIGN-smt-to-smn RECOGNIZE_ADMIT_IDENTIFY -mentar CITE -name NAME CITE ANALYZE SPEAK ASSIGN-smt-to-smn RECOGNIZE_ADMIT_IDENTIFY -mencionar CITE EXPLAIN SPEAK APPROVE_PRAISE -mention CITE SPEAK APPROVE_PRAISE -attend MANAGE ATTEND COME-AFTER_FOLLOW-IN-TIME WORK -give_ear ATTEND -prestar_atención ATTEND FOCUS -pay_heed ATTEND -atender MANAGE HAVE-A-FUNCTION_SERVE HELP_HEAL_CARE_CURE WORK SATISFY_FULFILL REACT REPAIR_REMEDY ATTEND FOCUS HEAR_LISTEN -hang FALL_SLIDE-DOWN SHOW STOP HANG CATCH BURDEN_BEAR KILL LIE ATTEND PUT_APPLY_PLACE_PAVE -prestar_oído ATTEND -escuchar_atentamente ATTEND -anunciar WELCOME INFORM DECREE_DECLARE PUBLISH PUBLICIZE SPEAK GUESS -hacer_saber SPEAK -publicise SPEAK -publicitar PUBLICIZE SPEAK -advertize PUBLICIZE SPEAK -advertise PUBLICIZE SPEAK -publicize SPEAK -promocionar PUBLICIZE -push DEVELOP_AGE TRY PERSUADE WORK MOVE-SOMETHING SELL PUBLICIZE PRESS_PUSH_FOLD -annoncer PUBLICIZE SPEAK -aconsejar WARN PROPOSE -rede WARN INTERPRET -dar_consejos WARN -notificar SUMMON INFORM SPEAK WARN -conseiller WARN PROPOSE -renseigner WARN -asesorar WARN -counsel WARN -advise INFORM WARN PROPOSE -proposer PROPOSE -suggérer IMPLY SPEAK PROPOSE -propose ASK_REQUEST PROPOSE REQUIRE_NEED_WANT_HOPE -suggest AROUSE_WAKE_ENLIVEN SPEAK IMPLY PROPOSE -apercibir INFORM PERCEIVE -send_word INFORM -aviser INFORM -notify INFORM -apprize INFORM INCREASE_ENLARGE_MULTIPLY -give_notice INFORM DISMISS_FIRE-SMN -noticiar INFORM -informer INFORM -participar INFORM COMPETE POSSESS SHARE PARTICIPATE -apprise INFORM INCREASE_ENLARGE_MULTIPLY -instar ASK_REQUEST OBLIGE_FORCE PERSUADE PROPOSE -recommend APPROVE_PRAISE EMBELLISH PROPOSE -urge INCITE_INDUCE OBLIGE_FORCE PROPOSE -advocate FOLLOW_SUPPORT_SPONSOR_FUND PROPOSE -exhortar INCITE_INDUCE OBLIGE_FORCE PROPOSE -abogar FOLLOW_SUPPORT_SPONSOR_FUND FIGHT PROPOSE -recomendar EMBELLISH PUBLISH APPROVE_PRAISE PROPOSE -preconizar PROPOSE -preach FOLLOW_SUPPORT_SPONSOR_FUND TEACH -predicar FOLLOW_SUPPORT_SPONSOR_FUND TEACH -sermonear FOLLOW_SUPPORT_SPONSOR_FUND TEACH -air TRANSMIT SPEAK AIR -divulgar TRANSMIT REVEAL SEND SPEAK AIR LIBERATE_ALLOW_AFFORD CIRCULATE_SPREAD_DISTRIBUTE -airear SPEAK COMBINE_MIX_UNITE AIR -orear AIR -ventilar SPEAK MOVE-SOMETHING AIR -air_out AIR -ventiler AIR -aérer AIR -oxigenar REMOVE_TAKE-AWAY_KIDNAP CHANGE-APPEARANCE/STATE COMBINE_MIX_UNITE -oxygenise REMOVE_TAKE-AWAY_KIDNAP COMBINE_MIX_UNITE CONVERT -oxygenate COMBINE_MIX_UNITE -oxygenize REMOVE_TAKE-AWAY_KIDNAP COMBINE_MIX_UNITE CONVERT -evaporar CONVERT -vaporizar CONVERT SEPARATE_FILTER_DETACH -gasificar CONVERT -aerify CONVERT -gasify CONVERT -vaporize DISAPPEAR CONVERT KILL -vaporise CONVERT -aerosolize COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -convertir_en_aerosol COVER_SPREAD_SURMOUNT -aerosolise COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -pulverizar BREAK_DETERIORATE COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH DESTROY -estivar SLEEP -aestivate SLEEP -estivate SLEEP -aparentar SIMULATE DECEIVE SEEM GUESS -afectar DECEIVE SEEM VIOLATE AFFECT STEAL_DEPRIVE -faire_semblant_de DECEIVE -affect DECEIVE AFFECT SEEM -feign SIMULATE DECEIVE -sham SIMULATE DECEIVE -repercutir MAKE-A-SOUND AFFECT REPEAT SEEM -impact AFFECT PRESS_PUSH_FOLD -impactar CAUSE-MENTAL-STATE AFFECT -bear_on REFER PERSUADE AFFECT PRESERVE -touch_on REFER REPAIR_REMEDY AFFECT DISCUSS -conmover CAUSE-MENTAL-STATE AFFECT SEEM -bear_upon AFFECT -impress REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE PRINT COLOR TEACH SEEM -strike CAUSE-MENTAL-STATE MOUNT_ASSEMBLE_PRODUCE BEGIN PERFORM MOVE-ONESELF SIGNAL_INDICATE CREATE_MATERIALIZE DECREE_DECLARE ATTACK_BOMB CANCEL_ELIMINATE FIND HIT OPPOSE_REBEL_DISSENT FLATTEN_SMOOTHEN HOLE_PIERCE AFFECT SEEM FEEL -impresionar CAUSE-MENTAL-STATE GROUP TEACH SEEM -involve CAUSE-MENTAL-STATE REQUIRE_NEED_WANT_HOPE IMPLY COMPLEXIFY CO-OPT AFFECT INCLUDE-AS -comprometer ENDANGER FOCUS GIVE_GIFT OBLIGE_FORCE AFFECT SETTLE_CONCILIATE -regard INTERPRET AFFECT SEE -implicar REQUIRE_NEED_WANT_HOPE IMPLY CO-OPT SIGNAL_INDICATE OBLIGE_FORCE AFFECT -involucrar CO-OPT IMPLY AFFECT REQUIRE_NEED_WANT_HOPE -desposar ALLY_ASSOCIATE_MARRY -prometerse ALLY_ASSOCIATE_MARRY -plight GUARANTEE_ENSURE_PROMISE ALLY_ASSOCIATE_MARRY -betroth ALLY_ASSOCIATE_MARRY -comprometerse GUARANTEE_ENSURE_PROMISE ALLY_ASSOCIATE_MARRY SETTLE_CONCILIATE -contraer_esponsales ALLY_ASSOCIATE_MARRY -affiance ALLY_ASSOCIATE_MARRY -associate CORRELATE ACCOMPANY ALLY_ASSOCIATE_MARRY -affiliate ACCOMPANY ALLY_ASSOCIATE_MARRY -affilier ACCOMPANY ALLY_ASSOCIATE_MARRY -relacionar CORRELATE SPEAK ACCOMPANY JOIN_CONNECT -afiliar ACCOMPANY ALLY_ASSOCIATE_MARRY -assort SORT_CLASSIFY_ARRANGE ACCOMPANY -afiliarse ALLY_ASSOCIATE_MARRY -afirmar TIGHTEN AFFIRM PROPOSE AUTHORIZE_ADMIT SPEAK ASK_REQUEST -affirm PROVE AFFIRM -ratificar APPROVE_PRAISE DECREE_DECLARE AUTHORIZE_ADMIT PROVE GUARANTEE_ENSURE_PROMISE -confirm AFFIRM FOLLOW_SUPPORT_SPONSOR_FUND PROVE PERFORM STRENGTHEN_MAKE-RESISTANT -comprobar AFFIRM ANALYZE DEFEAT BREAK_DETERIORATE PROVE PAINT VERIFY GIVE_GIFT REDUCE_DIMINISH SIGNAL_INDICATE -revalidar PROVE -constatar ANALYZE PROVE AFFIRM -confirmar AFFIRM FOLLOW_SUPPORT_SPONSOR_FUND DECREE_DECLARE AUTHORIZE_ADMIT PROVE PERFORM GUARANTEE_ENSURE_PROMISE STRENGTHEN_MAKE-RESISTANT -corroborar STRENGTHEN_MAKE-RESISTANT PROVE AFFIRM -reafirmar STRENGTHEN_MAKE-RESISTANT PROVE AFFIRM -sustain HELP_HEAL_CARE_CURE UNDERGO-EXPERIENCE NOURISH_FEED AUTHORIZE_ADMIT STABILIZE_SUPPORT-PHYSICALLY PROVE EXTEND -corroborate STRENGTHEN_MAKE-RESISTANT PROVE -swear AFFIRM DECREE_DECLARE OFFEND_DISESTEEM RELY GUARANTEE_ENSURE_PROMISE -certificar AFFIRM DECREE_DECLARE SEND AUTHORIZE_ADMIT PROVE VERIFY GUARANTEE_ENSURE_PROMISE -testimoniar VERIFY GUARANTEE_ENSURE_PROMISE PROVE AFFIRM -atestar AMASS AFFIRM DECREE_DECLARE FILL PUT_APPLY_PLACE_PAVE VERIFY GUARANTEE_ENSURE_PROMISE -témoigner AFFIRM DECREE_DECLARE SUMMON PROVE VERIFY GUARANTEE_ENSURE_PROMISE -aver AFFIRM -assert DECREE_DECLARE AFFIRM -verificar VERIFY ANALYZE AFFIRM -verify VERIFY AFFIRM -jurar AFFIRM DECREE_DECLARE OFFEND_DISESTEEM VERIFY GUARANTEE_ENSURE_PROMISE -asegurar LOAD_PROVIDE_CHARGE_FURNISH AFFIRM INFORM SECURE_FASTEN_TIE PROTECT GROUND_BASE_FOUND VERIFY GUARANTEE_ENSURE_PROMISE STRENGTHEN_MAKE-RESISTANT -aseverar AFFIRM -avow RECOGNIZE_ADMIT_IDENTIFY AFFIRM -garantizar GROUND_BASE_FOUND VERIFY GUARANTEE_ENSURE_PROMISE AFFIRM -swan TRAVEL AFFIRM -stick_on ATTACH COVER_SPREAD_SURMOUNT -afijarse ATTACH -tourmenter HURT_HARM_ACHE -atormentar CAUSE-MENTAL-STATE TREAT HURT_HARM_ACHE EXHAUST STEAL_DEPRIVE -afflict HURT_HARM_ACHE -afligir CAUSE-MENTAL-STATE HURT_HARM_ACHE PUNISH -smite CAUSE-MENTAL-STATE HURT_HARM_ACHE HIT -permitirse EXIST-WITH-FEATURE -afford EXIST-WITH-FEATURE CAUSE-SMT ENTER -regatear EXIST-WITH-FEATURE NEGOTIATE QUARREL_POLEMICIZE -escatimar EXIST-WITH-FEATURE LOAD_PROVIDE_CHARGE_FURNISH RETAIN_KEEP_SAVE-MONEY CONTINUE -permettre EXIST-WITH-FEATURE LIBERATE_ALLOW_AFFORD -dar SHOW PROPOSE PUNISH GIVE_GIFT SIGNAL_INDICATE CAUSE-MENTAL-STATE CHANGE-HANDS APPLY OFFER INFORM THINK PAY BRING FIND HIT CAUSE-SMT SPEAK ENTER POSSESS GENERATE DRINK ORGANIZE -give SHOW MAKE-A-SOUND PROPOSE BREAK_DETERIORATE PUNISH CARRY-OUT-ACTION PERFORM GIVE_GIFT CHANGE-HANDS APPLY INFORM OFFER NOURISH_FEED THINK PERSUADE MOVE-SOMETHING HAVE-SEX CAUSE-SMT SPEAK FOCUS ENTER CALCULATE_ESTIMATE BEND HAPPEN_OCCUR GENERATE ORGANIZE FACIAL-EXPRESSION -open LOAD_PROVIDE_CHARGE_FURNISH OPEN PLAY_SPORT/GAME BEGIN EXIST-WITH-FEATURE ENTER OPERATE -yield PAY GIVE-UP_ABOLISH_ABANDON MOVE-SOMETHING BEND AGREE_ACCEPT FAIL_LOSE CAUSE-SMT GENERATE GUARANTEE_ENSURE_PROMISE -proporcionar LOAD_PROVIDE_CHARGE_FURNISH REACT CAUSE-SMT ADJUST_CORRECT HARMONIZE -donner AUTHORIZE_ADMIT GIVE_GIFT CAUSE-SMT -arbolar GROW_PLOW -forest GROW_PLOW -afforest GROW_PLOW -arborizar GROW_PLOW -affranchise LIBERATE_ALLOW_AFFORD -libertar LIBERATE_ALLOW_AFFORD HELP_HEAL_CARE_CURE -franquear LIBERATE_ALLOW_AFFORD PUT_APPLY_PLACE_PAVE EXEMPT PAY -manumitir LIBERATE_ALLOW_AFFORD -inhabilitar_para_votar LIBERATE_ALLOW_AFFORD STEAL_DEPRIVE -enfranchise LIBERATE_ALLOW_AFFORD AUTHORIZE_ADMIT -affright CAUSE-MENTAL-STATE -scare CAUSE-MENTAL-STATE -fright CAUSE-MENTAL-STATE -espantar CAUSE-MENTAL-STATE AFFECT DRIVE-BACK -frighten CAUSE-MENTAL-STATE DRIVE-BACK -asustar CAUSE-MENTAL-STATE DRIVE-BACK OPPOSE_REBEL_DISSENT -atemorizar CAUSE-MENTAL-STATE OBLIGE_FORCE SUBJUGATE -amedrentar CAUSE-MENTAL-STATE -insultar OFFEND_DISESTEEM VIOLATE HURT_HARM_ACHE CAUSE-MENTAL-STATE -insult OFFEND_DISESTEEM -affront OFFEND_DISESTEEM -ofender OFFEND_DISESTEEM VIOLATE HURT_HARM_ACHE CAUSE-MENTAL-STATE -ultrajar OFFEND_DISESTEEM -agraviar OFFEND_DISESTEEM VIOLATE -afrentar OFFEND_DISESTEEM FACE_CHALLENGE -diss OFFEND_DISESTEEM -aviejarse DEVELOP_AGE -envejecerse DEVELOP_AGE -envejecer DEVELOP_AGE REDUCE_DIMINISH -aviejar DEVELOP_AGE -age DEVELOP_AGE -maturate DEVELOP_AGE EXCRETE -senesce DEVELOP_AGE -mature DEVELOP_AGE PAY GROW_PLOW AMELIORATE EXCRETE -madurar GROW_PLOW DEVELOP_AGE -vieillir DEVELOP_AGE -agenize CONVERT -agenise CONVERT -aglomerar GROUP AMASS -agglomerate AMASS -agglomérer AMASS -aglomerarse AMASS -agglutinate COMBINE_MIX_UNITE AMASS -aglutinar COMBINE_MIX_UNITE AMASS -aggrade INCREASE_ENLARGE_MULTIPLY -aggrandize EMBELLISH -blow_up CAUSE-MENTAL-STATE EXPLODE INCREASE_ENLARGE_MULTIPLY FILL EMBELLISH -embroider EMBELLISH -aggrandise EMBELLISH -lard COOK EMBELLISH -pad MOVE-ONESELF FILL EMBELLISH -meter_paja EMBELLISH -echarle_teatro EMBELLISH -hinchar APPROVE_PRAISE INCREASE_ENLARGE_MULTIPLY FILL EMBELLISH -empirer WORSEN -worsen WORSEN -exacerbar WORSEN CAUSE-MENTAL-STATE -empeorar WORSEN REDUCE_DIMINISH -aggravate WORSEN CAUSE-MENTAL-STATE -exasperate WORSEN CAUSE-MENTAL-STATE -recrudecer WORSEN -agravar BURDEN_BEAR WORSEN CHARGE CAUSE-MENTAL-STATE -aggraver WORSEN -exacerbate WORSEN CAUSE-MENTAL-STATE -exacerber WORSEN INCREASE_ENLARGE_MULTIPLY -irritar HEAT CAUSE-MENTAL-STATE CORRODE_WEAR-AWAY_SCRATCH HURT_HARM_ACHE EXHAUST -encolerizar CAUSE-MENTAL-STATE -deseperar CAUSE-MENTAL-STATE -combine EXIST-WITH-FEATURE COMBINE_MIX_UNITE HARMONIZE AMASS -aggregate AMASS -agréger AMASS -attack FACE_CHALLENGE ATTACK_BOMB AFFECT CRITICIZE -arremeter BEHAVE ATTACK_BOMB RUN -agreder ATTACK_BOMB -atacar BEHAVE ATTACK_BOMB AFFECT CRITICIZE -aggress ATTACK_BOMB -dañar BREAK_DETERIORATE WORSEN HURT_HARM_ACHE VIOLATE -aggrieve CAUSE-MENTAL-STATE VIOLATE -acongojarse CAUSE-MENTAL-STATE -afligirse CAUSE-MENTAL-STATE -apesadumbrar CAUSE-MENTAL-STATE -apurarse BEHAVE CAUSE-MENTAL-STATE RUN THINK -entristecerse CAUSE-MENTAL-STATE -grieve CAUSE-MENTAL-STATE -agruparse GROUP SORT_CLASSIFY_ARRANGE MEET -agrupar GROUP COMBINE_MIX_UNITE AMASS SORT_CLASSIFY_ARRANGE -aggroup GROUP -group GROUP SORT_CLASSIFY_ARRANGE -revolver SEARCH CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN FALL_SLIDE-DOWN MOVE-SOMETHING CREATE_MATERIALIZE MESS ANALYZE TRAVEL RUN INVERT_REVERSE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -charge_up CAUSE-MENTAL-STATE -turn_on CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN IMPLY ATTACK_BOMB ENJOY OPERATE -emocionar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN ENJOY -agitar BEHAVE CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN WORK MOVE-ONESELF MOVE-SOMETHING CREATE_MATERIALIZE DIM CONVERT TRAVEL CHANGE-APPEARANCE/STATE SORT_CLASSIFY_ARRANGE -commove CAUSE-MENTAL-STATE SORT_CLASSIFY_ARRANGE -excite CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY INCITE_INDUCE -excitar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN SORT_CLASSIFY_ARRANGE -rouse CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN DRIVE-BACK -agitate CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN WORK MOVE-ONESELF MOVE-SOMETHING SORT_CLASSIFY_ARRANGE -crusade ATTACK_BOMB WORK -hacer_campaña COMPETE ASK_REQUEST WORK -pulsar MOVE-ONESELF WORK EMIT PRESS_PUSH_FOLD GROUP -fight FIGHT TRY WORK RESIST -campaign COMPETE ATTACK_BOMB WORK -cruzar WORK MOVE-SOMETHING REACH OVERLAP TRAVEL GIVE-BIRTH HAVE-SEX -raise_up SORT_CLASSIFY_ARRANGE -stir_up AROUSE_WAKE_ENLIVEN SORT_CLASSIFY_ARRANGE -shake_up CAUSE-MENTAL-STATE MOVE-ONESELF MOVE-SOMETHING SORT_CLASSIFY_ARRANGE ORGANIZE -molestar CAUSE-MENTAL-STATE HURT_HARM_ACHE PROPOSE SORT_CLASSIFY_ARRANGE OFFEND_DISESTEEM VIOLATE -disturb CAUSE-MENTAL-STATE HURT_HARM_ACHE SORT_CLASSIFY_ARRANGE VIOLATE -remover REMOVE_TAKE-AWAY_KIDNAP MOVE-ONESELF MOVE-SOMETHING CREATE_MATERIALIZE CANCEL_ELIMINATE SORT_CLASSIFY_ARRANGE DISCARD -vex CAUSE-MENTAL-STATE ANALYZE SORT_CLASSIFY_ARRANGE -fomenter AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE -mener_campagne AROUSE_WAKE_ENLIVEN -combatir FIGHT AROUSE_WAKE_ENLIVEN -foment AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE -shift TURN_CHANGE-DIRECTION MOVE-ONESELF MOVE-SOMETHING CHANGE-HANDS TYPE REPLACE CHANGE-APPEARANCE/STATE CHANGE_SWITCH GO-FORWARD -agiter MOVE-ONESELF -stir CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN COMBINE_MIX_UNITE MOVE-ONESELF MOVE-SOMETHING CREATE_MATERIALIZE -sacudir MOVE-ONESELF MOVE-SOMETHING THROW TRAVEL HIT CHANGE-APPEARANCE/STATE PULL -remuer MOVE-ONESELF MOVE-SOMETHING -moverse MOVE-SOMETHING BEGIN MOVE-ONESELF GO-FORWARD -bouger MOVE-ONESELF GO-FORWARD -budge MOVE-ONESELF -agitarse LIGHT_SHINE MOVE-ONESELF -mouvoir MOVE-ONESELF -batir AMELIORATE MOVE-ONESELF MOVE-SOMETHING HIT -shake CAUSE-MENTAL-STATE MOVE-ONESELF MOVE-SOMETHING ENDANGER CHANGE-APPEARANCE/STATE LEAVE_DEPART_RUN-AWAY SIGNAL_INDICATE -temblar MAKE-A-SOUND MOVE-ONESELF MOVE-SOMETHING -sacudirse MOVE-ONESELF MOVE-SOMETHING TRAVEL RUN LEAVE_DEPART_RUN-AWAY DISCARD GO-FORWARD -comprender EXIST-WITH-FEATURE SOLVE KNOW BELIEVE PERCEIVE UNDERSTAND INCLUDE-AS -agnize UNDERSTAND -entender CAUSE-MENTAL-STATE KNOW BELIEVE HEAR_LISTEN PERCEIVE UNDERSTAND INTERPRET -agnise UNDERSTAND -agonizar HURT_HARM_ACHE -agonise HURT_HARM_ACHE -agonize HURT_HARM_ACHE -atormentarse HURT_HARM_ACHE -convenir SATISFY_FULFILL AGREE_ACCEPT MATCH MEET HARMONIZE -estar_de_acuerdo AGREE_ACCEPT -ponerse_de_acuerdo AGREE_ACCEPT -pactar MATCH AGREE_ACCEPT SETTLE_CONCILIATE -être_d'accord AGREE_ACCEPT -concorder AGREE_ACCEPT -aprobar APPROVE_PRAISE FOLLOW_SUPPORT_SPONSOR_FUND ACHIEVE AGREE_ACCEPT AUTHORIZE_ADMIT WRITE LIBERATE_ALLOW_AFFORD GUARANTEE_ENSURE_PROMISE -coincidir OVERLAP AGREE_ACCEPT HAPPEN_OCCUR MATCH ACCOMPANY GROUP -concur AGREE_ACCEPT HAPPEN_OCCUR -se_mettre_d'accord AGREE_ACCEPT -avenirse AGREE_ACCEPT -correspondre MATCH COMMUNICATE_CONTACT -gibe MATCH LAUGH -correspond MATCH CALCULATE_ESTIMATE COMMUNICATE_CONTACT REPRESENT -jibe MATCH TURN_CHANGE-DIRECTION -igualar MATCH FLATTEN_SMOOTHEN -ser_igual_a MATCH -check GIVE_GIFT STOP GIVE-UP_ABOLISH_ABANDON DELAY ANALYZE TEACH MATCH BREAK_DETERIORATE REFUSE WRITE DEFEAT PAINT VERIFY HUNT REDUCE_DIMINISH SIGNAL_INDICATE -match LOAD_PROVIDE_CHARGE_FURNISH FACE_CHALLENGE SATISFY_FULFILL JOIN_CONNECT MATCH ALLY_ASSOCIATE_MARRY -corresponder REFER SATISFY_FULFILL LIE MATCH COMMUNICATE_CONTACT GIVE_GIFT INCLUDE-AS -parecer MATCH PERCEIVE APPEAR SEEM -auxiliar HELP_HEAL_CARE_CURE -assister ATTEND HELP_HEAL_CARE_CURE -ayudar FOLLOW_SUPPORT_SPONSOR_FUND AMELIORATE HELP_HEAL_CARE_CURE SIMPLIFY -aider HELP_HEAL_CARE_CURE -help HELP_HEAL_CARE_CURE ABSTAIN_AVOID_REFRAIN AMELIORATE USE NOURISH_FEED SIMPLIFY -socorrer HELP_HEAL_CARE_CURE -assist FOLLOW_SUPPORT_SPONSOR_FUND HELP_HEAL_CARE_CURE WORK -aid HELP_HEAL_CARE_CURE -asistir FOLLOW_SUPPORT_SPONSOR_FUND ATTEND HELP_HEAL_CARE_CURE WORK -mejorar HELP_HEAL_CARE_CURE LIGHTEN AMELIORATE INCREASE_ENLARGE_MULTIPLY REDUCE_DIMINISH -ayuda HELP_HEAL_CARE_CURE -auxilio HELP_HEAL_CARE_CURE -subvenir HELP_HEAL_CARE_CURE -estar_enfermo UNDERGO-EXPERIENCE CONTRACT-AN-ILLNESS_INFECT -adolecer CONTRACT-AN-ILLNESS_INFECT -estar_indispuesto CONTRACT-AN-ILLNESS_INFECT -ail HURT_HARM_ACHE CONTRACT-AN-ILLNESS_INFECT -pain CAUSE-MENTAL-STATE HURT_HARM_ACHE -trouble CAUSE-MENTAL-STATE HURT_HARM_ACHE THINK -aim SPEAK DIRECT_AIM_MANEUVER REQUIRE_NEED_WANT_HOPE -drive SEARCH EXIST-WITH-FEATURE REMOVE_TAKE-AWAY_KIDNAP CARRY_TRANSPORT PERSUADE MOVE-SOMETHING TRY WORK THROW CHASE HIT MOVE-BY-MEANS-OF OPERATE DRIVE-BACK DIRECT_AIM_MANEUVER PRESS_PUSH_FOLD OBLIGE_FORCE -apuntar SHOW HELP_HEAL_CARE_CURE REPAIR_REMEDY WRITE SPEAK EMPHASIZE DIRECT_AIM_MANEUVER EXPLAIN HIRE SIGNAL_INDICATE -aspire REQUIRE_NEED_WANT_HOPE -draw_a_bead_on DIRECT_AIM_MANEUVER REQUIRE_NEED_WANT_HOPE -aspirar ODORIZE REQUIRE_NEED_WANT_HOPE BREATH_BLOW MOVE-BY-MEANS-OF ATTRACT_SUCK DIRECT_AIM_MANEUVER WASH_CLEAN PRONOUNCE -shoot_for REQUIRE_NEED_WANT_HOPE -target DIRECT_AIM_MANEUVER -point EXIST-WITH-FEATURE SHARPEN REPAIR_REMEDY WRITE DIRECT_AIM_MANEUVER ORIENT SIGNAL_INDICATE -place PLAN_SCHEDULE BE-LOCATED_BASE SUBJECTIVE-JUDGING CALCULATE_ESTIMATE FIND LEND WIN DIRECT_AIM_MANEUVER ASSIGN-smt-to-smn PUT_APPLY_PLACE_PAVE RESULT_CONSEQUENCE SING RECOGNIZE_ADMIT_IDENTIFY -educar DEVELOP_AGE AMELIORATE PREPARE DIRECT_AIM_MANEUVER TEACH -train TRY GROW_PLOW AMELIORATE MOVE-BY-MEANS-OF PREPARE PULL STUDY DIRECT_AIM_MANEUVER TEACH -take_aim DIRECT_AIM_MANEUVER -entrenar WORK TRY SUBJUGATE PREPARE DIRECT_AIM_MANEUVER TEACH -viser AUTHORIZE_ADMIT LOAD_PROVIDE_CHARGE_FURNISH DIRECT_AIM_MANEUVER -capacitar CAUSE-MENTAL-STATE HELP_HEAL_CARE_CURE SUBJECTIVE-JUDGING PREPARE DIRECT_AIM_MANEUVER STUDY TEACH -purport SEEM REQUIRE_NEED_WANT_HOPE -purpose DECIDE_DETERMINE REQUIRE_NEED_WANT_HOPE -transmit TRANSMIT HURT_HARM_ACHE CIRCULATE_SPREAD_DISTRIBUTE -radiar EMIT TRANSMIT COVER_SPREAD_SURMOUNT -send TRANSMIT CARRY_TRANSPORT SEND AUTHORIZE_ADMIT DIRECT_AIM_MANEUVER PUT_APPLY_PLACE_PAVE -diffuser TRANSMIT CIRCULATE_SPREAD_DISTRIBUTE -emitir EXIST-WITH-FEATURE TRANSMIT MAKE-A-SOUND RETAIN_KEEP_SAVE-MONEY EMIT PUBLISH SPEAK CIRCULATE_SPREAD_DISTRIBUTE -transmitir TRANSMIT SHOW HURT_HARM_ACHE CHANGE-HANDS INFORM SEND SPEAK ASK_REQUEST DIRECT_AIM_MANEUVER GIVE_GIFT CIRCULATE_SPREAD_DISTRIBUTE -difundir TRANSMIT OPEN COVER_SPREAD_SURMOUNT SEND ORGANIZE SHAPE CIRCULATE_SPREAD_DISTRIBUTE -retransmitir TRANSMIT OPERATE -broadcast TRANSMIT COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -beam TRANSMIT LIGHT_SHINE LAUGH ENJOY COLOR -trasmitir TRANSMIT INFORM SEND -bare REMOVE_TAKE-AWAY_KIDNAP SHOW SPEAK -vent SPEAK AIR -ventilate SPEAK AIR -climatiser LOAD_PROVIDE_CHARGE_FURNISH AIR -air-condition LOAD_PROVIDE_CHARGE_FURNISH AIR -air-cool LOAD_PROVIDE_CHARGE_FURNISH -air-drop DROP -air-freight CARRY_TRANSPORT -airfreight CARRY_TRANSPORT -air-ship CARRY_TRANSPORT -air-slake CONVERT -aerografiar PAINT -airbrush PAINT -airlift CARRY_TRANSPORT -airmail CARRY_TRANSPORT -redirigir DIRECT_AIM_MANEUVER -redireccionar DIRECT_AIM_MANEUVER -airt DIRECT_AIM_MANEUVER -redirect DIRECT_AIM_MANEUVER -appall CAUSE-MENTAL-STATE -horrorizar CAUSE-MENTAL-STATE -alarmar CAUSE-MENTAL-STATE WARN -dismay CAUSE-MENTAL-STATE -appal CAUSE-MENTAL-STATE -alarm CAUSE-MENTAL-STATE WARN -atterrer CAUSE-MENTAL-STATE -horripilar CAUSE-MENTAL-STATE -horrify CAUSE-MENTAL-STATE -alert WARN -alertar INFORM WARN -alchemize CHANGE_SWITCH -alchemise CHANGE_SWITCH -alcooliser CAUSE-MENTAL-STATE CONVERT TREAT-WITH/BY -alcoholise CONVERT TREAT-WITH/BY -alcoholize CAUSE-MENTAL-STATE CONVERT TREAT-WITH/BY -alcoholizar CONVERT -presentar_una_coartada EXEMPT -alibi EXEMPT -alien CHANGE-HANDS AROUSE_WAKE_ENLIVEN -aliéner CHANGE-HANDS CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN -alienate CHANGE-HANDS CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN -enajenar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN SELL -estrange REMOVE_TAKE-AWAY_KIDNAP AROUSE_WAKE_ENLIVEN -alienar CHANGE-HANDS CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN -disaffect AROUSE_WAKE_ENLIVEN -climb_down FALL_SLIDE-DOWN -apearse FALL_SLIDE-DOWN -alight FALL_SLIDE-DOWN LIE -perch PUT_APPLY_PLACE_PAVE LIE -encaramarse RAISE LIE -light FALL_SLIDE-DOWN BEGIN LIGHTEN BURN LIE ASSIGN-smt-to-smn -posarse ASSIGN-smt-to-smn ARRIVE LIE FALL_SLIDE-DOWN -alinearse ADJUST_CORRECT LIE -s'aligner ADJUST_CORRECT -coordinate ADJUST_CORRECT MANAGE MATCH ORGANIZE -coordinar MOUNT_ASSEMBLE_PRODUCE MANAGE MATCH ORGANIZE ADJUST_CORRECT -ordinate ADJUST_CORRECT ASSIGN-smt-to-smn -ordonnée ADJUST_CORRECT ASSIGN-smt-to-smn -ingresar ENTER FOLLOW_SUPPORT_SPONSOR_FUND INFORM RETAIN_KEEP_SAVE-MONEY AUTHORIZE_ADMIT ARRIVE ALLY_ASSOCIATE_MARRY -array FOLLOW_SUPPORT_SPONSOR_FUND SORT_CLASSIFY_ARRANGE -nourish NOURISH_FEED -dar_el_sustento NOURISH_FEED -nutrir NOURISH_FEED INCREASE_ENLARGE_MULTIPLY -nutrify NOURISH_FEED -aliment NOURISH_FEED -alimentar CAUSE-MENTAL-STATE DEVELOP_AGE AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY EAT_BITE NOURISH_FEED INSERT OPERATE FLOW FUEL -alkalify CONVERT -alkalise CONVERT -alkalize CONVERT -alcalizar CONVERT -basify CONVERT -alcalinizar CONVERT -alkalinise CONVERT -alkalinize CONVERT -tranquilizar HELP_HEAL_CARE_CURE GUARANTEE_ENSURE_PROMISE MAKE-RELAX -ease HELP_HEAL_CARE_CURE SIMPLIFY MAKE-RELAX GO-FORWARD -disipar CONSUME_SPEND WASTE MAKE-RELAX SEPARATE_FILTER_DETACH EXIST_LIVE DRIVE-BACK LEAVE_DEPART_RUN-AWAY -tranquiliser MAKE-RELAX -adoucir MAKE-RELAX WEAKEN -laxar HELP_HEAL_CARE_CURE SIMPLIFY MAKE-RELAX -calmer MAKE-RELAX -aliviar HELP_HEAL_CARE_CURE SATISFY_FULFILL MAKE-RELAX SIMPLIFY STEAL_DEPRIVE -relieve HELP_HEAL_CARE_CURE EXEMPT MAKE-RELAX SPEAK STEAL_DEPRIVE -détendre MAKE-RELAX -calmar CAUSE-MENTAL-STATE MAKE-A-SOUND BEFRIEND HELP_HEAL_CARE_CURE SATISFY_FULFILL MAKE-RELAX WEAKEN REDUCE_DIMINISH -salvar HELP_HEAL_CARE_CURE APPROVE_PRAISE ABSTAIN_AVOID_REFRAIN EXEMPT MAKE-RELAX SPEAK STEAL_DEPRIVE -modérer MAKE-RELAX -apaciguar BEFRIEND HELP_HEAL_CARE_CURE SATISFY_FULFILL MAKE-RELAX WEAKEN REDUCE_DIMINISH -aquietar CAUSE-MENTAL-STATE MAKE-RELAX -allay SATISFY_FULFILL MAKE-RELAX -still MAKE-A-SOUND STOP MAKE-RELAX -apaiser MAKE-RELAX -quench RESTRAIN COOL SATISFY_FULFILL SWITCH-OFF_TURN-OFF_SHUT-DOWN SUBJUGATE REDUCE_DIMINISH -suavizar HELP_HEAL_CARE_CURE SATISFY_FULFILL CONVERT MAKE-RELAX PROTECT AMELIORATE CHANGE-APPEARANCE/STATE FLATTEN_SMOOTHEN DOWNPLAY_HUMILIATE WEAKEN REDUCE_DIMINISH -apagar FINISH_CONCLUDE_END DIM SWITCH-OFF_TURN-OFF_SHUT-DOWN SATISFY_FULFILL RESTRAIN WET WEAKEN -assuage SATISFY_FULFILL MAKE-RELAX HELP_HEAL_CARE_CURE -aplacar BEFRIEND SATISFY_FULFILL MAKE-RELAX WEAKEN STEAL_DEPRIVE -saciar SATISFY_FULFILL FEEL -remojar SATISFY_FULFILL WET DIP_DIVE -sentenciar AFFIRM DECREE_DECLARE SPEAK ORDER PRONOUNCE SIGNAL_INDICATE -decir EXIST-WITH-FEATURE REPEAT REQUIRE_NEED_WANT_HOPE AFFIRM MEAN INFORM CITE PROPOSE KNOW SPEAK ORDER PRONOUNCE -say SUPPOSE REPEAT MEAN AFFIRM CITE DECREE_DECLARE SPEAK ORDER PRONOUNCE SIGNAL_INDICATE -alegar JUSTIFY_EXCUSE AFFIRM -allege AFFIRM -alegorizar REPRESENT INTERPRET -allegorize REPRESENT INTERPRET -allégoriser REPRESENT INTERPRET -allegorise REPRESENT INTERPRET -facilitate SIMPLIFY -facilitar LOAD_PROVIDE_CHARGE_FURNISH SIMPLIFY INCREASE_ENLARGE_MULTIPLY REACT -faciliter SIMPLIFY INCREASE_ENLARGE_MULTIPLY -alleviate SIMPLIFY HELP_HEAL_CARE_CURE -aflojarse SIMPLIFY UNFASTEN_UNFOLD -soulager HELP_HEAL_CARE_CURE -palliate REDUCE_DIMINISH HELP_HEAL_CARE_CURE -pallier REDUCE_DIMINISH HELP_HEAL_CARE_CURE -paliar REDUCE_DIMINISH HELP_HEAL_CARE_CURE PROTECT -agrietarse BREAK_DETERIORATE HURT_HARM_ACHE -alligator BREAK_DETERIORATE -aliterar CREATE_MATERIALIZE -alliterate CREATE_MATERIALIZE -apportion GIVE_GIFT SHARE -allocate GIVE_GIFT -assign EXIST-WITH-FEATURE ASCRIBE ASK_REQUEST SORT_CLASSIFY_ARRANGE ASSIGN-smt-to-smn GIVE_GIFT -portion GIVE_GIFT -countenance AUTHORIZE_ADMIT -permit AUTHORIZE_ADMIT LIBERATE_ALLOW_AFFORD -dar_permiso AUTHORIZE_ADMIT -let MOVE-SOMETHING LEND AUTHORIZE_ADMIT CAUSE-SMT LEAVE-BEHIND LIBERATE_ALLOW_AFFORD -sancionar AUTHORIZE_ADMIT APPROVE_PRAISE -take_into_account TAKE-INTO-ACCOUNT_CONSIDER -tomar_en_cuenta TAKE-INTO-ACCOUNT_CONSIDER -considerar TAKE-INTO-ACCOUNT_CONSIDER TREAT CONSIDER SUBJECTIVE-JUDGING BELIEVE THINK SEE INTERPRET -prever GUESS TAKE-INTO-ACCOUNT_CONSIDER REACT SUBJECTIVE-JUDGING IMAGINE SIGNAL_INDICATE UNDERSTAND -appropriate RETAIN_KEEP_SAVE-MONEY STEAL_DEPRIVE -reserve RETAIN_KEEP_SAVE-MONEY RESERVE -earmark RETAIN_KEEP_SAVE-MONEY -reservar PLAN_SCHEDULE CANCEL_ELIMINATE RETAIN_KEEP_SAVE-MONEY RESERVE -allouer RETAIN_KEEP_SAVE-MONEY -apartar TURN_CHANGE-DIRECTION REMOVE_TAKE-AWAY_KIDNAP MOVE-SOMETHING ABSTAIN_AVOID_REFRAIN SEPARATE_FILTER_DETACH RETAIN_KEEP_SAVE-MONEY DISCARD DISMISS_FIRE-SMN -set_aside STOP RETAIN_KEEP_SAVE-MONEY -provide LOAD_PROVIDE_CHARGE_FURNISH EARN DECREE_DECLARE PREPARE ORGANIZE LIBERATE_ALLOW_AFFORD -allow_for LIBERATE_ALLOW_AFFORD -leave INFORM LEAVE-BEHIND LEAVE_DEPART_RUN-AWAY LIBERATE_ALLOW_AFFORD GIVE_GIFT RESULT_CONSEQUENCE -autoriser LIBERATE_ALLOW_AFFORD AUTHORIZE_ADMIT -descontar REMOVE_TAKE-AWAY_KIDNAP MISS_OMIT_LACK RETAIN_KEEP_SAVE-MONEY DEBASE_ADULTERATE GIVE_GIFT INFER STEAL_DEPRIVE -allowance RESTRAIN -aliar COMBINE_MIX_UNITE ALLY_ASSOCIATE_MARRY -alear COMBINE_MIX_UNITE -alloy COMBINE_MIX_UNITE DEBASE_ADULTERATE -envilecer DOWNPLAY_HUMILIATE DEBASE_ADULTERATE -attirer LURE_ENTICE LIKE ATTRACT_SUCK -tentar AROUSE_WAKE_ENLIVEN LURE_ENTICE PERSUADE TRY LIKE INCITE_INDUCE -allure LURE_ENTICE -cautivar CAUSE-MENTAL-STATE LURE_ENTICE STOP ATTRACT_SUCK -tempt AROUSE_WAKE_ENLIVEN LURE_ENTICE PERSUADE TRY -aliarse ALLY_ASSOCIATE_MARRY -emparentarse ALLY_ASSOCIATE_MARRY -ally ALLY_ASSOCIATE_MARRY -ally_with ALLY_ASSOCIATE_MARRY -alphabetise SORT_CLASSIFY_ARRANGE -alfabetizar SORT_CLASSIFY_ARRANGE REPRESENT -alphabetize SORT_CLASSIFY_ARRANGE REPRESENT -classer_par_ordre_alphabétique SORT_CLASSIFY_ARRANGE REPRESENT -modify ADJUST_CORRECT ADD CHANGE_SWITCH -modifier CHANGE_SWITCH -change REMOVE_TAKE-AWAY_KIDNAP DRESS_WEAR CONVERT DIVERSIFY UNDERGO-EXPERIENCE REPLACE CHANGE-APPEARANCE/STATE CHANGE_SWITCH -cambiar REMOVE_TAKE-AWAY_KIDNAP CHANGE-HANDS CONVERT DIVERSIFY UNDERGO-EXPERIENCE REPLACE CHANGE-APPEARANCE/STATE CHANGE_SWITCH DISCARD GO-FORWARD -changer CONVERT UNDERGO-EXPERIENCE CHANGE_SWITCH -alter DIVERSIFY CASTRATE DECEIVE CHANGE_SWITCH -mudar DRESS_WEAR DIVERSIFY LEAVE_DEPART_RUN-AWAY CHANGE_SWITCH DISCARD -modificar ADJUST_CORRECT ADD CHANGE_SWITCH -alterar CAUSE-MENTAL-STATE MESS REPRESENT DIVERSIFY UNDERGO-EXPERIENCE CHANGE-APPEARANCE/STATE INFLUENCE CHANGE_SWITCH ADJUST_CORRECT SHAPE -retocar PERFORM EMBELLISH CHANGE_SWITCH -variar MOVE-ONESELF DIVERSIFY UNDERGO-EXPERIENCE CHANGE-APPEARANCE/STATE CHANGE_SWITCH -transformar FOLLOW_SUPPORT_SPONSOR_FUND CONVERT DIVERSIFY UNDERGO-EXPERIENCE CHANGE-APPEARANCE/STATE CHANGE_SWITCH SHAPE -castrar CASTRATE WEAKEN -castrate REDUCE_DIMINISH CASTRATE WEAKEN -neuter CASTRATE -esterilizar HELP_HEAL_CARE_CURE CASTRATE WASH_CLEAN -spay CASTRATE -vary CHANGE_SWITCH DIVERSIFY -interpolar CALCULATE_ESTIMATE INSERT DECEIVE -falsify PROVE DECEIVE FAKE REPRESENT -interpolate CALCULATE_ESTIMATE DECEIVE -disputer QUARREL_POLEMICIZE -argufy QUARREL_POLEMICIZE -altercar FIGHT QUARREL_POLEMICIZE DISCUSS ARGUE-IN-DEFENSE -discutirse QUARREL_POLEMICIZE -dispute FACE_CHALLENGE QUARREL_POLEMICIZE -se_bagarrer FIGHT QUARREL_POLEMICIZE -altercate QUARREL_POLEMICIZE -scrap DISCARD QUARREL_POLEMICIZE DESTROY -se_chamailler QUARREL_POLEMICIZE -se_quereller QUARREL_POLEMICIZE -se_disputer QUARREL_POLEMICIZE -quarrel QUARREL_POLEMICIZE -disputar FACE_CHALLENGE HELP_HEAL_CARE_CURE QUARREL_POLEMICIZE OPPOSE_REBEL_DISSENT -se_battre FIGHT QUARREL_POLEMICIZE -pelearse ARGUE-IN-DEFENSE QUARREL_POLEMICIZE -jump FALL_SLIDE-DOWN EXIST-WITH-FEATURE ALTERNATE MISS_OMIT_LACK AMELIORATE ATTACK_BOMB INCREASE_ENLARGE_MULTIPLY START-FUNCTIONING CHANGE-APPEARANCE/STATE JUMP LEAVE_DEPART_RUN-AWAY PARTICIPATE GO-FORWARD -alternate INVERT_REVERSE ALTERNATE WORK -alternar INVERT_REVERSE ALTERNATE MOVE-ONESELF -alterner ALTERNATE -saltar MISS_OMIT_LACK ALTERNATE MOVE-ONESELF MOVE-SOMETHING GO-FORWARD TRAVEL START-FUNCTIONING HIT MOVE-BY-MEANS-OF CHANGE-APPEARANCE/STATE JUMP BULGE-OUT -suplantar REPLACE WORK -understudy WORK -switch CHANGE-HANDS HIT REPLACE OPERATE CHANGE_SWITCH INVERT_REVERSE -tack TURN_CHANGE-DIRECTION MOUNT_ASSEMBLE_PRODUCE SEW ATTACH INVERT_REVERSE -flip CAUSE-MENTAL-STATE MOVE-ONESELF MOVE-SOMETHING THROW ANALYZE ENJOY OPERATE INVERT_REVERSE -flip-flop INVERT_REVERSE -interchange INVERT_REVERSE REPLACE -take_turns ALTERNATE -aluminise COVER_SPREAD_SURMOUNT -aluminize COVER_SPREAD_SURMOUNT -mingle MESS COMBINE_MIX_UNITE PARTICIPATE -mixturar COMBINE_MIX_UNITE ADD -cohesionar COMBINE_MIX_UNITE ALLY_ASSOCIATE_MARRY -fusionar CONVERT HARMONIZE COMBINE_MIX_UNITE CHANGE-APPEARANCE/STATE -amalgamar COMBINE_MIX_UNITE -unificar COMBINE_MIX_UNITE ALLY_ASSOCIATE_MARRY -commix COMBINE_MIX_UNITE -mix EXIST-WITH-FEATURE COMBINE_MIX_UNITE MESS HARMONIZE ADD -amalgamate COMBINE_MIX_UNITE -unify COMBINE_MIX_UNITE ALLY_ASSOCIATE_MARRY -beat SHAPE CAUSE-MENTAL-STATE MAKE-A-SOUND EXHAUST MOVE-ONESELF MOVE-SOMETHING CREATE_MATERIALIZE LIGHT_SHINE HIT DEFEAT PERFORM OVERCOME_SURPASS STEAL_DEPRIVE -mystify CAUSE-MENTAL-STATE COMPLEXIFY -nonplus CAUSE-MENTAL-STATE -baffle CAUSE-MENTAL-STATE PRECLUDE_FORBID_EXPEL ANALYZE -asombrar CAUSE-MENTAL-STATE -flummox CAUSE-MENTAL-STATE -amaze CAUSE-MENTAL-STATE -sorprender CAUSE-MENTAL-STATE ATTACK_BOMB FIND -dumbfound CAUSE-MENTAL-STATE -stupefy CAUSE-MENTAL-STATE -pose BEHAVE CAUSE-MENTAL-STATE WORK CREATE_MATERIALIZE DECEIVE PUT_APPLY_PLACE_PAVE -bewilder CAUSE-MENTAL-STATE -puzzle CAUSE-MENTAL-STATE THINK -gravel CAUSE-MENTAL-STATE COVER_SPREAD_SURMOUNT -perplex CAUSE-MENTAL-STATE COMPLEXIFY -incomodar CAUSE-MENTAL-STATE -astound CAUSE-MENTAL-STATE -astonish CAUSE-MENTAL-STATE -maravillar CAUSE-MENTAL-STATE -stupéfier CAUSE-MENTAL-STATE -pasmar CAUSE-MENTAL-STATE HIT -ambition PLAN_SCHEDULE -ambicionar PLAN_SCHEDULE REQUIRE_NEED_WANT_HOPE -pasearse TRAVEL RUN MOVE-ONESELF -amble MOVE-ONESELF -mosey MOVE-ONESELF -deambular TRAVEL MOVE-ONESELF -andar_sin_prisa MOVE-ONESELF -pasear CARRY_TRANSPORT MOVE-ONESELF TRAVEL ACCOMPANY GO-FORWARD -ambulate MOVE-ONESELF -se_tapir ATTACK_BOMB -bushwhack EXIST_LIVE ATTACK_BOMB TRAVEL -scupper ATTACK_BOMB ENDANGER -waylay ATTACK_BOMB -lie_in_wait ATTACK_BOMB -ambuscade ATTACK_BOMB -lurk PLAY_SPORT/GAME ATTACK_BOMB CLOUD_SHADOW_HIDE -esconderse ATTACK_BOMB CLOUD_SHADOW_HIDE -emboscar ATTACK_BOMB HUNT -ambush ATTACK_BOMB HUNT -cazar_al_acecho HUNT -still-hunt HUNT -amend ADJUST_CORRECT AMELIORATE -meliorate AMELIORATE INCREASE_ENLARGE_MULTIPLY -better AMELIORATE INCREASE_ENLARGE_MULTIPLY -perfeccionar AMELIORATE -improve AMELIORATE INCREASE_ENLARGE_MULTIPLY -ameliorar AMELIORATE -enriquecer AMELIORATE ADD -ameliorate AMELIORATE INCREASE_ENLARGE_MULTIPLY -rectificar ADJUST_CORRECT CONVERT REPRIMAND -remediate ADJUST_CORRECT -rectifier ADJUST_CORRECT -remediar ADJUST_CORRECT REDUCE_DIMINISH HELP_HEAL_CARE_CURE -remedy ADJUST_CORRECT HELP_HEAL_CARE_CURE -repair AROUSE_WAKE_ENLIVEN PAY REPAIR_REMEDY ADJUST_CORRECT GO-FORWARD -rectify HELP_HEAL_CARE_CURE CALCULATE_ESTIMATE CONVERT AMELIORATE ADJUST_CORRECT -reformar AMELIORATE SEPARATE_FILTER_DETACH ESTABLISH EMBELLISH ADJUST_CORRECT -amerce PUNISH -imponer_un_castigo PUNISH -americanise CHANGE-APPEARANCE/STATE -américaniser CHANGE-APPEARANCE/STATE -americanizar CHANGE-APPEARANCE/STATE -americanize CHANGE-APPEARANCE/STATE -ammoniate TREAT-WITH/BY -ammonify TREAT-WITH/BY -amnistiar PARDON -amnesty PARDON -amortise PAY -amortizar CONVERT PAY -amortize PAY -amplify INCREASE_ENLARGE_MULTIPLY -ampliar INCREASE_ENLARGE_MULTIPLY EXTEND AMELIORATE -exagerar INCREASE_ENLARGE_MULTIPLY -overstate INCREASE_ENLARGE_MULTIPLY -magnify INCREASE_ENLARGE_MULTIPLY -magnificar INCREASE_ENLARGE_MULTIPLY APPROVE_PRAISE -exaggerate INCREASE_ENLARGE_MULTIPLY -hyperbolise INCREASE_ENLARGE_MULTIPLY -hyperbolize INCREASE_ENLARGE_MULTIPLY -overdraw REMOVE_TAKE-AWAY_KIDNAP INCREASE_ENLARGE_MULTIPLY -expandir AMELIORATE INCREASE_ENLARGE_MULTIPLY GENERATE -expand INCREASE_ENLARGE_MULTIPLY AMELIORATE -ensanchar INCREASE_ENLARGE_MULTIPLY EXTEND -inflate INCREASE_ENLARGE_MULTIPLY FILL -amplificar INCREASE_ENLARGE_MULTIPLY -cut_off REMOVE_TAKE-AWAY_KIDNAP STOP SEPARATE_FILTER_DETACH -amputar REMOVE_TAKE-AWAY_KIDNAP -amputate REMOVE_TAKE-AWAY_KIDNAP -cercenar REMOVE_TAKE-AWAY_KIDNAP -mochar REMOVE_TAKE-AWAY_KIDNAP -cortar REMOVE_TAKE-AWAY_KIDNAP CUT STOP FINISH_CONCLUDE_END GIVE-UP_ABOLISH_ABANDON PERCEIVE DISBAND_BREAK-UP CONVERT SEPARATE_FILTER_DETACH HIT SPEAK WEAKEN CHANGE_SWITCH CAVE_CARVE HOLE_PIERCE GROUP REDUCE_DIMINISH SHAPE -amputer REMOVE_TAKE-AWAY_KIDNAP -entretener CAUSE-MENTAL-STATE LAUGH ENJOY -divertir BEHAVE CAUSE-MENTAL-STATE LAUGH -amuse CAUSE-MENTAL-STATE LAUGH -amuser CAUSE-MENTAL-STATE -divert TURN_CHANGE-DIRECTION CAUSE-MENTAL-STATE DIVERSIFY MOVE-SOMETHING -disport BEHAVE CAUSE-MENTAL-STATE -distraer ABSTAIN_AVOID_REFRAIN CAUSE-MENTAL-STATE -desviar TURN_CHANGE-DIRECTION CAUSE-MENTAL-STATE STOP CARRY_TRANSPORT ABSTAIN_AVOID_REFRAIN DIVERSIFY DEBASE_ADULTERATE DIRECT_AIM_MANEUVER GO-FORWARD -anesthetize SLEEP -put_out SLEEP CAUSE-MENTAL-STATE TRY DIM DEFEAT PUBLISH HAVE-SEX WEAKEN RECALL EXTEND -anaesthetize SLEEP -anestetizar SLEEP -anestesiar SLEEP GIVE_GIFT -anesthetise SLEEP -anaesthetise SLEEP -anesthésier SLEEP -put_under SLEEP -anagrammatise MESS -anagrammatize MESS -anagram MESS -comparar COMPARE -analogise COMPARE -analogize COMPARE -analyze ANALYZE -analizar SEARCH VERIFY ANALYZE DIRECT_AIM_MANEUVER -toile COVER_SPREAD_SURMOUNT ASK_REQUEST ANALYZE -study CONSIDER WORK ANALYZE THINK STUDY -analyser ANALYZE -observar WATCH_LOOK-OUT ANALYZE FIND MATCH SPEAK BELIEVE SEE EXPLAIN PERCEIVE -explorar SEARCH INFORM ANALYZE -escudriñar SEARCH VERIFY ANALYZE -inspeccionar VERIFY WATCH_LOOK-OUT ANALYZE -canvas COVER_SPREAD_SURMOUNT ASK_REQUEST ANALYZE -analyse ANALYZE -examinar SEARCH TRY CREATE_MATERIALIZE SUBJECTIVE-JUDGING INFORM ANALYZE STUDY VERIFY -examine VERIFY ANALYZE TRY -estudiar SEARCH CONSIDER WORK ANALYZE THINK STUDY -canvass ASK_REQUEST ANALYZE -dissect OPEN ANALYZE -break_down CAUSE-MENTAL-STATE HURT_HARM_ACHE STOP DESTROY ANALYZE SEPARATE_FILTER_DETACH BREAK_DETERIORATE -take_apart ANALYZE SEPARATE_FILTER_DETACH DESTROY -psicoanalizar ANALYZE -psychoanalyze ANALYZE -psychoanalyse ANALYZE -anastomizarse COMBINE_MIX_UNITE -anastomizar COMBINE_MIX_UNITE -aboucher COMBINE_MIX_UNITE JOIN_CONNECT -anastomosarse COMBINE_MIX_UNITE -anastomose COMBINE_MIX_UNITE JOIN_CONNECT -inosculate COMBINE_MIX_UNITE JOIN_CONNECT -maldecir OFFEND_DISESTEEM BEWITCH -damn BEWITCH -imprecate OFFEND_DISESTEEM BEWITCH -maledict BEWITCH -beshrew BEWITCH -curse OFFEND_DISESTEEM DRIVE-BACK BEWITCH -bedamn BEWITCH -maldición BEWITCH -diseccionar OPEN ANALYZE -anatomizar OPEN ANALYZE -disséquer OPEN ANALYZE -anatomise ANALYZE -anatomize ANALYZE -drop_anchor ATTACH -anchor ATTACH -anclar ATTACH SECURE_FASTEN_TIE -cast_anchor ATTACH -ground FALL_SLIDE-DOWN RESTRAIN THROW COVER_SPREAD_SURMOUNT JOIN_CONNECT HIT ATTACH LAND_GET-OFF GROUND_BASE_FOUND PUT_APPLY_PLACE_PAVE TEACH -ancylose CREATE_MATERIALIZE UNDERGO-EXPERIENCE -anquilosar CREATE_MATERIALIZE -ankylose CREATE_MATERIALIZE UNDERGO-EXPERIENCE -anquilosarse UNDERGO-EXPERIENCE -inunct GIVE_GIFT -anele GIVE_GIFT -oindre GIVE_GIFT -embrocate GIVE_GIFT -oil GIVE_GIFT COVER_SPREAD_SURMOUNT -anoint ASSIGN-smt-to-smn GIVE_GIFT -ungir GIVE_GIFT -fâcher CAUSE-MENTAL-STATE -anger CAUSE-MENTAL-STATE -courroucer CAUSE-MENTAL-STATE -irriter CAUSE-MENTAL-STATE -enojar CAUSE-MENTAL-STATE -cabrear CAUSE-MENTAL-STATE -enfadar CAUSE-MENTAL-STATE -enfadarse CAUSE-MENTAL-STATE -enfurecerse CAUSE-MENTAL-STATE CRITICIZE -enojarse CAUSE-MENTAL-STATE -encolerizarse BEHAVE CAUSE-MENTAL-STATE -see_red CAUSE-MENTAL-STATE -angle SEARCH INCLINE INFLUENCE HUNT GO-FORWARD -pescar_con_caña HUNT -fish SEARCH HUNT -slant INFLUENCE LIE INCLINE -inclinarse BEHAVE FALL_SLIDE-DOWN LOWER INCLINE CHANGE-APPEARANCE/STATE INFLUENCE DIRECT_AIM_MANEUVER GO-FORWARD -enfocar LIGHTEN MOVE-SOMETHING INFLUENCE FOCUS ADJUST_CORRECT -inclinar BEHAVE CAUSE-MENTAL-STATE FALL_SLIDE-DOWN LOWER INCLINE FOLLOW_SUPPORT_SPONSOR_FUND BEND ATTACK_BOMB INFLUENCE -weight BURDEN_BEAR INFLUENCE -prejuiciar WORSEN INFLUENCE -torcer TURN_CHANGE-DIRECTION MOVE-ONESELF BEND GO-FORWARD SHAPE -lean BEHAVE RELY INCLINE -ladearse GO-FORWARD MOVE-ONESELF INCLINE DIRECT_AIM_MANEUVER -tip REMOVE_TAKE-AWAY_KIDNAP MOVE-ONESELF INCLINE INFORM HIT PRESS_PUSH_FOLD INVERT_REVERSE GIVE_GIFT SIGNAL_INDICATE -ladear ATTACK_BOMB INCLINE DIRECT_AIM_MANEUVER -tilt GO-FORWARD ATTACK_BOMB INCLINE -angle-park PUT_APPLY_PLACE_PAVE -aparcar_en_ángulo PUT_APPLY_PLACE_PAVE -inglesan CHANGE-APPEARANCE/STATE -anglicise CHANGE-APPEARANCE/STATE -anglicanizar CHANGE-APPEARANCE/STATE -anglicize CHANGE-APPEARANCE/STATE -anguish CAUSE-MENTAL-STATE HURT_HARM_ACHE -angustiar CAUSE-MENTAL-STATE HURT_HARM_ACHE -angulate SHAPE -speak_out SPEAK -opine SPEAK BELIEVE -opinar SUBJECTIVE-JUDGING SPEAK BELIEVE -animadvert SPEAK CRITICIZE -speak_up SPEAK -sound_off PERFORM SPEAK -criticar,_censurar CRITICIZE -animalizar REPRESENT -animalise WORSEN REPRESENT CHANGE_SWITCH -animalize WORSEN REPRESENT CHANGE_SWITCH -brutalise WORSEN TREAT CHANGE_SWITCH -brutalizar WORSEN TREAT -brutalize WORSEN TREAT CHANGE_SWITCH -recreate PLAY_SPORT/GAME AROUSE_WAKE_ENLIVEN INCITE_INDUCE CREATE_MATERIALIZE -revivify AROUSE_WAKE_ENLIVEN -reavivar REMEMBER AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE BURN -revive AROUSE_WAKE_ENLIVEN -animate AROUSE_WAKE_ENLIVEN AMELIORATE CHANGE-APPEARANCE/STATE -vivify AROUSE_WAKE_ENLIVEN -reanimate AROUSE_WAKE_ENLIVEN -reanimar REMEMBER AROUSE_WAKE_ENLIVEN BURN COOL -revivificar AROUSE_WAKE_ENLIVEN -renovate REPAIR_REMEDY AROUSE_WAKE_ENLIVEN EMBELLISH -animise CHANGE-APPEARANCE/STATE -animize CHANGE-APPEARANCE/STATE -vivificar AROUSE_WAKE_ENLIVEN -avivar AROUSE_WAKE_ENLIVEN MANAGE BEGIN LIGHTEN AMELIORATE -liven AROUSE_WAKE_ENLIVEN -enliven AROUSE_WAKE_ENLIVEN AMELIORATE -invigorate AROUSE_WAKE_ENLIVEN AMELIORATE -liven_up AROUSE_WAKE_ENLIVEN -vigorizar FOLLOW_SUPPORT_SPONSOR_FUND AROUSE_WAKE_ENLIVEN -inspirar AROUSE_WAKE_ENLIVEN PERSUADE BRING AMELIORATE INFLUENCE INCITE_INDUCE BREATH_BLOW -revigorizar AROUSE_WAKE_ENLIVEN AMELIORATE -exaltar EMBELLISH AMELIORATE APPROVE_PRAISE -exalt CAUSE-MENTAL-STATE AMELIORATE APPROVE_PRAISE -inspire PERSUADE AMELIORATE TEACH INFLUENCE INCITE_INDUCE BREATH_BLOW -normalize ADJUST_CORRECT CHANGE-APPEARANCE/STATE PREPARE -recocer COOK PREPARE -temper ADJUST_CORRECT CHANGE-APPEARANCE/STATE REDUCE_DIMINISH PREPARE -anneal PREPARE -annex CONQUER ADD -annexer CONQUER ADD -hacerse_con CONQUER FIND -anéantir KILL -diezmar KILL -eliminate REMOVE_TAKE-AWAY_KIDNAP PRECLUDE_FORBID_EXPEL CANCEL_ELIMINATE KILL DEFEAT REFUSE EXCRETE -eradicate CANCEL_ELIMINATE KILL -erradicar CANCEL_ELIMINATE EXTRACT KILL CLOUD_SHADOW_HIDE -anihilar KILL -décimer KILL -aniquilar ATTACK_BOMB KILL -decimate KILL -annihilate KILL -extinguish CANCEL_ELIMINATE FINISH_CONCLUDE_END KILL RESTRAIN -wipe_out CANCEL_ELIMINATE CONSUME_SPEND KILL -carry_off ACHIEVE CARRY_TRANSPORT KILL -annoter EXPLAIN -apostillar EXPLAIN -annotate EXPLAIN -footnote EXPLAIN -anotar LOAD_PROVIDE_CHARGE_FURNISH SCORE RECORD WRITE EXPLAIN COURT -acotar EXPLAIN REPRESENT REACH -comment EXPLAIN -comentar LOAD_PROVIDE_CHARGE_FURNISH EXPLAIN SPEAK INTERPRET -glosar EXPLAIN -gloss EXPLAIN JUSTIFY_EXCUSE WASH_CLEAN -foretell SIGNAL_INDICATE GUESS -annunciate GUESS -presagiar SUBJECTIVE-JUDGING SIGNAL_INDICATE GUESS -announce DECREE_DECLARE SPEAK GUESS -harbinger GUESS -vislumbrar PERCEIVE GUESS FIND SEE -dar_a_conocer SHOW SPEAK -proclamar ASSIGN-smt-to-smn SPEAK AFFIRM -poner_en_conocimiento SPEAK -faire_connaître SPEAK -promulguer SPEAK -professer SPEAK -faire_connaitre SPEAK -denote SPEAK SIGNAL_INDICATE MEAN -proclamer ASSIGN-smt-to-smn SPEAK -manifestar SHOW REVEAL DECREE_DECLARE APPEAR OPPOSE_REBEL_DISSENT SPEAK PROVE -get_to ACHIEVE CAUSE-MENTAL-STATE BEGIN -importunar CAUSE-MENTAL-STATE PROPOSE -chafe HEAT CAUSE-MENTAL-STATE CORRODE_WEAR-AWAY_SCRATCH HURT_HARM_ACHE TOUCH -irritate CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN HURT_HARM_ACHE -fastidiar CAUSE-MENTAL-STATE CRITICIZE PROPOSE -agobiar BURDEN_BEAR CAUSE-MENTAL-STATE GROUP OVERCOME_SURPASS -nettle CAUSE-MENTAL-STATE HURT_HARM_ACHE -rag CAUSE-MENTAL-STATE TREAT REPRIMAND BREAK_DETERIORATE OFFEND_DISESTEEM PERFORM -nark CAUSE-MENTAL-STATE INFORM -annoy CAUSE-MENTAL-STATE -importuner CAUSE-MENTAL-STATE -vejar CAUSE-MENTAL-STATE -devil CAUSE-MENTAL-STATE COVER_SPREAD_SURMOUNT -rile CAUSE-MENTAL-STATE DIM -bother CAUSE-MENTAL-STATE THINK -invalidate CANCEL_ELIMINATE PROVE -nullify COMPENSATE CANCEL_ELIMINATE PROVE -eludir ABSTAIN_AVOID_REFRAIN CANCEL_ELIMINATE LEAVE_DEPART_RUN-AWAY DIP_DIVE -revocar CANCEL_ELIMINATE CHANGE_SWITCH DEFEAT -invalider CANCEL_ELIMINATE -avoid ABSTAIN_AVOID_REFRAIN CANCEL_ELIMINATE -annul CANCEL_ELIMINATE -quash SUBJUGATE CANCEL_ELIMINATE -void EMPTY_UNLOAD EXCRETE CANCEL_ELIMINATE -résilier CANCEL_ELIMINATE -evitar ABSTAIN_AVOID_REFRAIN PRECLUDE_FORBID_EXPEL CANCEL_ELIMINATE PROTECT OPPOSE_REBEL_DISSENT REFUSE LEAVE_DEPART_RUN-AWAY -invalidar HURT_HARM_ACHE COMPENSATE CANCEL_ELIMINATE DEFEAT PROVE WEAKEN -rescind CANCEL_ELIMINATE -reverse INVERT_REVERSE CANCEL_ELIMINATE DEFEAT -overturn CANCEL_ELIMINATE OPPOSE_REBEL_DISSENT DEFEAT CHANGE_SWITCH INVERT_REVERSE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -rescindir FINISH_CONCLUDE_END CANCEL_ELIMINATE -repeal CANCEL_ELIMINATE -supprimer CANCEL_ELIMINATE -countermand CANCEL_ELIMINATE -dar_una_contraorden CANCEL_ELIMINATE -contradecir SHOW CANCEL_ELIMINATE REPRESENT OPPOSE_REBEL_DISSENT REFUSE PROVE -revoke CANCEL_ELIMINATE FAIL_LOSE -anodize COVER_SPREAD_SURMOUNT -anodizar COVER_SPREAD_SURMOUNT -anodise COVER_SPREAD_SURMOUNT -answer EXIST-WITH-FEATURE ANSWER SATISFY_FULFILL REACT SOLVE MATCH ARGUE-IN-DEFENSE -serve EXIST-WITH-FEATURE HAVE-A-FUNCTION_SERVE BEGIN WORK SPEND-TIME_PASS-TIME NOURISH_FEED SUMMON HAVE-SEX GIVE_GIFT -suffice EXIST-WITH-FEATURE -bastar EXIST-WITH-FEATURE -répondre REACT ANSWER -replicar ANSWER SPEAK -repetir PLAY_SPORT/GAME ANSWER REPEAT HAPPEN_OCCUR -reply ANSWER -reaccionar ANSWER REACT UNDERGO-EXPERIENCE OPPOSE_REBEL_DISSENT MOVE-BACK -contestar REACT ANSWER FACE_CHALLENGE -respond REACT ANSWER -décrocher REACT -décrocher_le_téléphone REACT -comprendre SOLVE UNDERSTAND -resolverse SOLVE -counteract DESTROY COMPENSATE OPPOSE_REBEL_DISSENT -llevar_la_contra OPPOSE_REBEL_DISSENT -antagonize FACE_CHALLENGE OPPOSE_REBEL_DISSENT -antagonise FACE_CHALLENGE OPPOSE_REBEL_DISSENT -contrarrestar ANSWER COMPENSATE OPPOSE_REBEL_DISSENT -llevar_la_contraria OPPOSE_REBEL_DISSENT -contrariar PRECLUDE_FORBID_EXPEL OPPOSE_REBEL_DISSENT -enemistar FACE_CHALLENGE -antagonizar FACE_CHALLENGE -cizañar FACE_CHALLENGE -ante BID -ante_up PAY -pay PAY ACHIEVE THINK CARRY-OUT-ACTION GIVE_GIFT RESULT_CONSEQUENCE SETTLE_CONCILIATE -pay_up PAY -precede PRECEDE -antécéder PRECEDE -antecede PRECEDE -anteceder PRECEDE -forgo PRECEDE GIVE-UP_ABOLISH_ABANDON -antedate PRECEDE -predate HUNT PRECEDE -précéder PRECEDE -forego PRECEDE GIVE-UP_ABOLISH_ABANDON -preceder PRECEDE -antedatar PRECEDE LOCATE-IN-TIME_DATE -foredate PRECEDE -retrotaer PRECEDE -anthologize GROUP -anthologise GROUP -hacer_una_antología GROUP -anthropomorphise CHANGE-APPEARANCE/STATE -antropomorfizar CHANGE-APPEARANCE/STATE -anthropomorphize CHANGE-APPEARANCE/STATE -anthropomorphiser CHANGE-APPEARANCE/STATE -hacer_el_payaso BEHAVE -hacer_bufonadas BEHAVE -payasear BEHAVE JOKE -clown BEHAVE -antic BEHAVE -clown_around BEHAVE -hacer_payasadas BEHAVE -counter REACT ANSWER -forestall REACT PRECLUDE_FORBID_EXPEL -anticiparse REACT -anticipate CAUSE-MENTAL-STATE REACT PRECEDE GUESS UNDERSTAND -prévoir REACT GUESS -foresee REACT IMAGINE UNDERSTAND -esperar CAUSE-MENTAL-STATE REQUIRE_NEED_WANT_HOPE GIVE-BIRTH MOVE-BY-MEANS-OF WAIT GUESS -look_to CAUSE-MENTAL-STATE FOCUS -look_for SEARCH CAUSE-MENTAL-STATE -saber_de_antemano UNDERSTAND -foreknow UNDERSTAND -preveer GUESS UNDERSTAND -previse WARN UNDERSTAND -vaticinar SIGNAL_INDICATE GUESS -predict SIGNAL_INDICATE GUESS -promise EXIST-WITH-FEATURE GUARANTEE_ENSURE_PROMISE GUESS -augurar SUBJECTIVE-JUDGING SIGNAL_INDICATE GUESS -prédire GUESS -pronosticar SUBJECTIVE-JUDGING SIGNAL_INDICATE GUESS -prognosticate SIGNAL_INDICATE GUESS -pronostiquer GUESS -predecir SIGNAL_INDICATE GUESS DECREE_DECLARE -forebode GUESS -expect REQUIRE_NEED_WANT_HOPE GIVE-BIRTH THINK WAIT GUESS -antiquate WORSEN CHANGE-APPEARANCE/STATE -antique BUY CHANGE-APPEARANCE/STATE -anticuar CHANGE-APPEARANCE/STATE -convertir_en_antigüedad CHANGE-APPEARANCE/STATE -buscar_antigüedades BUY -antisepticize HELP_HEAL_CARE_CURE -esterilizar_con_antisépticos HELP_HEAL_CARE_CURE -desinfectar_con_antisépticos HELP_HEAL_CARE_CURE -caricature JOKE -ape JOKE REPEAT -caricaturizar PAINT JOKE -singer JOKE REPEAT -remedar SIMULATE REPEAT -parodiar JOKE REPEAT -imitar WRITE JOKE SIMULATE REPEAT -aphorise SPEAK -aphorize SPEAK -justificarse JUSTIFY_EXCUSE -apologise JUSTIFY_EXCUSE -apologize JUSTIFY_EXCUSE -s'excuser JUSTIFY_EXCUSE -excusarse ASK_REQUEST JUSTIFY_EXCUSE -disculpar JUSTIFY_EXCUSE PARDON -racionalizar AMELIORATE JUSTIFY_EXCUSE INFER -rationalise REMOVE_TAKE-AWAY_KIDNAP AMELIORATE JUSTIFY_EXCUSE THINK -excuse ASK_REQUEST JUSTIFY_EXCUSE PARDON EXEMPT -disculparse ASK_REQUEST JUSTIFY_EXCUSE -perdonar EXEMPT JUSTIFY_EXCUSE PARDON -excusar ABSTAIN_AVOID_REFRAIN EXEMPT JUSTIFY_EXCUSE PARDON -rationalize REMOVE_TAKE-AWAY_KIDNAP AMELIORATE JUSTIFY_EXCUSE THINK -apostatise REFUSE -tergiversate REFUSE DECEIVE -apostatize REFUSE -apostatar REFUSE -apostrophise WRITE -apostrofar WRITE -apostrophize WRITE -apotheose APPROVE_PRAISE -idolatrar LIKE APPROVE_PRAISE -glorificar APPROVE_PRAISE -apotheosize APPROVE_PRAISE -apotheosise APPROVE_PRAISE -deificar APPROVE_PRAISE -scandalize CAUSE-MENTAL-STATE -shock CAUSE-MENTAL-STATE HURT_HARM_ACHE UNDERGO-EXPERIENCE HIT GROUP -scandalise CAUSE-MENTAL-STATE -consternar CAUSE-MENTAL-STATE -chocar FALL_SLIDE-DOWN CAUSE-MENTAL-STATE DESTROY DISTINGUISH_DIFFER THROW HIT BREAK_DETERIORATE QUARREL_POLEMICIZE ASSIGN-smt-to-smn OVERCOME_SURPASS -indignar CAUSE-MENTAL-STATE ATTACK_BOMB -choquer CAUSE-MENTAL-STATE -escandalizar CAUSE-MENTAL-STATE SHOW -épouvanter CAUSE-MENTAL-STATE DRIVE-BACK -deshonrar CAUSE-MENTAL-STATE OFFEND_DISESTEEM DOWNPLAY_HUMILIATE -offend OFFEND_DISESTEEM CAUSE-MENTAL-STATE HURT_HARM_ACHE VIOLATE -outrage CAUSE-MENTAL-STATE ATTACK_BOMB VIOLATE -fringuer DRESS_WEAR -apparel DRESS_WEAR -garb DRESS_WEAR -garment DRESS_WEAR -enclothe DRESS_WEAR -habilitate DRESS_WEAR ACHIEVE -vêtir DRESS_WEAR EMBELLISH -ataviar DRESS_WEAR EMBELLISH -dress CUT DRESS_WEAR CONVERT PREPARE SORT_CLASSIFY_ARRANGE EMBELLISH PUT_APPLY_PLACE_PAVE ADD SHAPE -habiller DRESS_WEAR -vestir LOAD_PROVIDE_CHARGE_FURNISH WORK DRESS_WEAR EMBELLISH PUT_APPLY_PLACE_PAVE -tog DRESS_WEAR -raiment DRESS_WEAR -fit_out DRESS_WEAR LOAD_PROVIDE_CHARGE_FURNISH -attract LIKE ATTRACT_SUCK -apelar FACE_CHALLENGE AFFIRM REQUIRE_NEED_WANT_HOPE CITE LIKE -appeal FACE_CHALLENGE REQUIRE_NEED_WANT_HOPE CITE LIKE ASK_REQUEST -séduire LIKE -invoke CREATE_MATERIALIZE CITE ASK_REQUEST -recurrir RESULT_CONSEQUENCE MOVE-BACK REQUIRE_NEED_WANT_HOPE -invocar CREATE_MATERIALIZE CITE SUMMON -comparecer ATTEND APPEAR -appear PUBLISH APPEAR SEEM -aparecer SHOW AROUSE_WAKE_ENLIVEN BEGIN BURDEN_BEAR APPEAR EMIT PUBLISH RAISE -aflorar PUBLISH APPEAR SEEM -asomar APPEAR -apparaître APPEAR -apparaitre APPEAR -seem SEEM -come_out FINISH_CONCLUDE_END REVEAL APPEAR SEPARATE_FILTER_DETACH EMIT PUBLISH SPEAK CARRY-OUT-ACTION RESULT_CONSEQUENCE BULGE-OUT -salir SHOW DIRTY RESULT_CONSEQUENCE REVEAL BEGIN CITE APPEAR KILL DIVERSIFY HAPPEN_OCCUR EMIT PUBLISH COURT FAIL_LOSE MEET LEAVE_DEPART_RUN-AWAY RAISE SHOOT_LAUNCH_PROPEL -estrenarse PUBLISH SHOW -personarse APPEAR AFFIRM -paraître FACIAL-EXPRESSION SEEM -mirar SEARCH WATCH_LOOK-OUT ANALYZE BELIEVE SEE VERIFY SEEM UNDERSTAND -sembler FACIAL-EXPRESSION SEEM -look SEARCH TRANSMIT MANAGE FACIAL-EXPRESSION RELY SEE ORIENT WAIT SEEM -paraitre SEEM -propitiate BEFRIEND -appease BEFRIEND MAKE-RELAX WEAKEN -quell SUBJUGATE WEAKEN -gruntle MAKE-RELAX -placate MAKE-RELAX -lenify MAKE-RELAX -mollify REDUCE_DIMINISH MAKE-RELAX -pacify ESTABLISH MAKE-RELAX -gentle ASSIGN-smt-to-smn TOUCH MAKE-RELAX -pacificar ESTABLISH MAKE-RELAX -sosegar CAUSE-MENTAL-STATE MAKE-A-SOUND MAKE-RELAX -tack_on ATTACH -hang_on ATTACH WAIT CONTINUE -joindre ATTACH ALLY_ASSOCIATE_MARRY JOIN_CONNECT -tag_on ATTACH -apperceive PERCEIVE -percibir PERCEIVE FIND SEE -appertain EXIST-WITH-FEATURE -appartenir EXIST-WITH-FEATURE -pertain EXIST-WITH-FEATURE REFER -pertenecer EXIST-WITH-FEATURE LIE POSSESS SORT_CLASSIFY_ARRANGE INCLUDE-AS -hacer_encajes SEW -applique SEW -appliquer PUT_APPLY_PLACE_PAVE -aplicar PUT_APPLY_PLACE_PAVE APPLY COVER_SPREAD_SURMOUNT USE SPEAK CARRY-OUT-ACTION -apply PUT_APPLY_PLACE_PAVE APPLY USE SPEAK ASK_REQUEST FOCUS CARRY-OUT-ACTION -put_on COOK DRESS_WEAR DECEIVE INCREASE_ENLARGE_MULTIPLY ORGANIZE PUT_APPLY_PLACE_PAVE PERFORM ADD -implement CARRY-OUT-ACTION FINISH_CONCLUDE_END USE -imponer CHARGE LEAD_GOVERN ORDER CARRY-OUT-ACTION OBLIGE_FORCE -faire_obéir CARRY-OUT-ACTION -enforce CARRY-OUT-ACTION OBLIGE_FORCE -hacer_respetar CARRY-OUT-ACTION -forzar OPEN EXHAUST ATTACK_BOMB INCITE_INDUCE CARRY-OUT-ACTION OBLIGE_FORCE AFFECT EXTEND -lend_oneself APPLY -colaborar APPLY DECEIVE ALLY_ASSOCIATE_MARRY -aplicarse APPLY -être_valable APPLY -valer APPLY COST -solicitar ASK_REQUEST INCITE_INDUCE HOST_MEAL_INVITE REQUIRE_NEED_WANT_HOPE -emplear HIRE USE -utilize CONVERT USE -utiliser USE -user USE -use BEHAVE BENEFIT_EXPLOIT CONSUME_SPEND APPLY USE -aprovechar BENEFIT_EXPLOIT USE -esgrimir CONSUME_SPEND MOVE-SOMETHING CATCH FIGHT USE -employer HIRE USE -usar BENEFIT_EXPLOIT APPLY CONSUME_SPEND USE -utilise USE -utilizar APPLY CONVERT CONSUME_SPEND USE -avoir_recours_à USE -employ HIRE USE -se_servir_de USE -practice WORK TRY APPLY STUDY CARRY-OUT-ACTION -practicar WORK TRY APPLY STUDY CARRY-OUT-ACTION PERFORM -appoint ASSIGN-smt-to-smn LOAD_PROVIDE_CHARGE_FURNISH -designar PLAN_SCHEDULE NAME CHOOSE DECREE_DECLARE PROPOSE ASSIGN-smt-to-smn SIGNAL_INDICATE -nommer ASSIGN-smt-to-smn NAME PROPOSE -amueblar LOAD_PROVIDE_CHARGE_FURNISH -nominate ASSIGN-smt-to-smn PROPOSE -nominar ASSIGN-smt-to-smn PROPOSE -constitute ASSIGN-smt-to-smn EXIST-WITH-FEATURE ESTABLISH INCLUDE-AS -desglosar SHARE -portion_out SHARE -divvy_up SHARE -share SHARE SPEAK -prorratear SHARE DIVIDE -appose BORDER -aponer BORDER -appraise CALCULATE_ESTIMATE ANALYZE -survey SEARCH WATCH_LOOK-OUT ANALYZE PAINT VERIFY -evaluar CALCULATE_ESTIMATE SUBJECTIVE-JUDGING -value CALCULATE_ESTIMATE LIKE DECIDE_DETERMINE -apreciar DECIDE_DETERMINE CALCULATE_ESTIMATE LIKE INCREASE_ENLARGE_MULTIPLY FIND PERCEIVE UNDERSTAND -aforar CALCULATE_ESTIMATE -medir MEASURE_EVALUATE CALCULATE_ESTIMATE EXIST-WITH-FEATURE -evaluate CALCULATE_ESTIMATE SUBJECTIVE-JUDGING -valuar CALCULATE_ESTIMATE -valorar DECIDE_DETERMINE SUBJECTIVE-JUDGING CALCULATE_ESTIMATE LIKE MEASURE_EVALUATE VERIFY -assess CALCULATE_ESTIMATE CHARGE -avalorar CALCULATE_ESTIMATE -valorizar CALCULATE_ESTIMATE LIKE -évaluer CALCULATE_ESTIMATE -measure MEASURE_EVALUATE CALCULATE_ESTIMATE EXIST-WITH-FEATURE -tasar MEASURE_EVALUATE CALCULATE_ESTIMATE SUBJECTIVE-JUDGING DECIDE_DETERMINE -valuate CALCULATE_ESTIMATE -calificar EXIST-WITH-FEATURE ACCUSE CALCULATE_ESTIMATE SUBJECTIVE-JUDGING REPRESENT EXPLAIN ADD -appreciate LIKE INCREASE_ENLARGE_MULTIPLY UNDERSTAND -agradecer LIKE APPROVE_PRAISE -revalue MEASURE_EVALUATE INCREASE_ENLARGE_MULTIPLY -revaluar MEASURE_EVALUATE INCREASE_ENLARGE_MULTIPLY -revalorizar MEASURE_EVALUATE INCREASE_ENLARGE_MULTIPLY -atesorar LIKE RETAIN_KEEP_SAVE-MONEY -prize OPEN LIKE -treasure LIKE -take_account UNDERSTAND -aprehender CAGE_IMPRISON UNDERSTAND -apprehend CAUSE-MENTAL-STATE CAGE_IMPRISON UNDERSTAND -dig WORK CAVE_CARVE PRESS_PUSH_FOLD EXTRACT UNDERSTAND -savvy UNDERSTAND -grok UNDERSTAND -captar LURE_ENTICE REPRESENT RECORD HUNT PERCEIVE UNDERSTAND STEAL_DEPRIVE -get_the_picture UNDERSTAND -compass ACHIEVE TRAVEL UNDERSTAND -grasp CATCH UNDERSTAND -comprehend PERCEIVE UNDERSTAND INCLUDE-AS -tener_aprensión CAUSE-MENTAL-STATE -quail_at CAUSE-MENTAL-STATE -apocarse CAUSE-MENTAL-STATE -pick_up TAKE AROUSE_WAKE_ENLIVEN BUY INCREASE_ENLARGE_MULTIPLY EAT_BITE RECORD MATCH KNOW OBTAIN EXTRACT MEET CAGE_IMPRISON PERCEIVE GROUP -arrest CAGE_IMPRISON STOP ATTRACT_SUCK -cop CAGE_IMPRISON STEAL_DEPRIVE -arrestar CAGE_IMPRISON -detener STOP ABSTAIN_AVOID_REFRAIN CATCH DRIVE-BACK CAGE_IMPRISON -clavar DECIDE_DETERMINE CUT ACHIEVE SECURE_FASTEN_TIE HIT ATTACH FOCUS HOLE_PIERCE CAGE_IMPRISON -pillar CATCH FIND MOVE-BY-MEANS-OF OBTAIN PUNISH CAGE_IMPRISON STEAL_DEPRIVE -capturar REMOVE_TAKE-AWAY_KIDNAP LURE_ENTICE CATCH LIKE REPRESENT SEE CAGE_IMPRISON HUNT GROUP STEAL_DEPRIVE -prender REMOVE_TAKE-AWAY_KIDNAP AROUSE_WAKE_ENLIVEN BEGIN CATCH BURN ATTACH OPERATE HOLE_PIERCE CAGE_IMPRISON -apresar CATCH CAGE_IMPRISON -collar CATCH CAGE_IMPRISON LOAD_PROVIDE_CHARGE_FURNISH -nab CATCH CAGE_IMPRISON DRIVE-BACK -apprentice WORK -instruct INFORM TEACH ORDER -avecinarse EXIST-WITH-FEATURE -aproximarse EXIST-WITH-FEATURE REACH SPEAK GO-FORWARD -approach EXIST-WITH-FEATURE REACH SPEAK LEARN GO-FORWARD -rayar EXIST-WITH-FEATURE PAINT ARRIVE BREAK_DETERIORATE -acercarse EXIST-WITH-FEATURE ARRIVE SPEAK GO-FORWARD -border_on EXIST-WITH-FEATURE -go_about LEARN -acometer LEARN FACE_CHALLENGE CONTRACT-AN-ILLNESS_INFECT GUARANTEE_ENSURE_PROMISE -s'attaquer_à LEARN -encarar MANAGE FACE_CHALLENGE ATTACK_BOMB LEARN ORIENT GO-FORWARD -set_about BEGIN LEARN -emprender BEGIN LEARN FACE_CHALLENGE GUARANTEE_ENSURE_PROMISE -draw_close PULL LIE GO-FORWARD -acostar LOAD_PROVIDE_CHARGE_FURNISH SLEEP LIE PUT_APPLY_PLACE_PAVE GO-FORWARD -near GO-FORWARD -s'approcher_de GO-FORWARD -acercar BRING GROUP GIVE_GIFT GO-FORWARD -come_near FAIL_LOSE REACH GO-FORWARD -approcher GO-FORWARD -draw_near GO-FORWARD -go_up MOUNT_ASSEMBLE_PRODUCE BURN INCREASE_ENLARGE_MULTIPLY RAISE GO-FORWARD -aproximar EXIST-WITH-FEATURE GO-FORWARD -subir TRANSMIT MOUNT_ASSEMBLE_PRODUCE INCREASE_ENLARGE_MULTIPLY AMELIORATE UNDERGO-EXPERIENCE FILL RAISE GO-FORWARD -venir CAUSE-MENTAL-STATE DERIVE REACH COME-AFTER_FOLLOW-IN-TIME HAPPEN_OCCUR ARRIVE GO-FORWARD -approbate AGREE_ACCEPT APPROVE_PRAISE -aprobar_formalmente APPROVE_PRAISE -apoderar REMOVE_TAKE-AWAY_KIDNAP MOVE-SOMETHING REQUIRE_NEED_WANT_HOPE CATCH STEAL_DEPRIVE -seize REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE CATCH LIKE HUNT STEAL_DEPRIVE -incautar REMOVE_TAKE-AWAY_KIDNAP CATCH STEAL_DEPRIVE -conquistar LURE_ENTICE ACHIEVE PRECLUDE_FORBID_EXPEL COURT OVERCOME_SURPASS STEAL_DEPRIVE -confiscar REMOVE_TAKE-AWAY_KIDNAP CATCH CONQUER STEAL_DEPRIVE -apoderarse REMOVE_TAKE-AWAY_KIDNAP STEAL_DEPRIVE -dominar MANAGE PRECLUDE_FORBID_EXPEL COVER_SPREAD_SURMOUNT RETAIN_KEEP_SAVE-MONEY DEFEAT SUBJUGATE KNOW LEAD_GOVERN TEACH OVERCOME_SURPASS STEAL_DEPRIVE -conquérir STEAL_DEPRIVE -capture LURE_ENTICE CATCH REPRESENT HUNT STEAL_DEPRIVE -embargar REMOVE_TAKE-AWAY_KIDNAP STOP RESTRAIN CATCH PRECLUDE_FORBID_EXPEL STEAL_DEPRIVE -invadir VIOLATE ATTACK_BOMB COVER_SPREAD_SURMOUNT STEAL_DEPRIVE -conquer PRECLUDE_FORBID_EXPEL OVERCOME_SURPASS STEAL_DEPRIVE -homologar COMPENSATE APPROVE_PRAISE -approve APPROVE_PRAISE -o.k. APPROVE_PRAISE -okay APPROVE_PRAISE -sanction AUTHORIZE_ADMIT COMMUNE APPROVE_PRAISE -echar SPILL_POUR FALL_SLIDE-DOWN CALCULATE_ESTIMATE CHOOSE DISBAND_BREAK-UP THROW RETAIN_KEEP_SAVE-MONEY SEND DEFEAT OPERATE ASK_REQUEST EXCRETE DRIVE-BACK DIRECT_AIM_MANEUVER DISCARD PUT_APPLY_PLACE_PAVE DISMISS_FIRE-SMN FACIAL-EXPRESSION -guess CALCULATE_ESTIMATE BELIEVE GUESS -approximate EXIST-WITH-FEATURE CALCULATE_ESTIMATE -estimate CALCULATE_ESTIMATE SUBJECTIVE-JUDGING -gauge COMBINE_MIX_UNITE COMPENSATE CALCULATE_ESTIMATE MEASURE_EVALUATE ADJUST_CORRECT -come_close EXIST-WITH-FEATURE REQUIRE_NEED_WANT_HOPE -se_côtoyer EXIST-WITH-FEATURE REQUIRE_NEED_WANT_HOPE -aquaplane MOVE-BY-MEANS-OF GO-FORWARD -hacer_esquí_acuático MOVE-BY-MEANS-OF -aquatint CREATE_MATERIALIZE -hacer_al_aguatinta CREATE_MATERIALIZE -arbitrage WORK -interceder NEGOTIATE -intermediar NEGOTIATE -arbitrar SUBJECTIVE-JUDGING NEGOTIATE WORK -liaise NEGOTIATE -intercede NEGOTIATE -mediar NEGOTIATE PARTICIPATE -mediate NEGOTIATE -intermediate NEGOTIATE -arbitrate NEGOTIATE -arborize CIRCULATE_SPREAD_DISTRIBUTE -arborise CIRCULATE_SPREAD_DISTRIBUTE -arch BEND -arcar BEND -arquear BEND COMPENSATE -arc BEND -curve TURN_CHANGE-DIRECTION ROLL BEND EXTEND -arch_over COVER_SPREAD_SURMOUNT -overarch COVER_SPREAD_SURMOUNT INCLUDE-AS -archaize CHANGE-APPEARANCE/STATE -archaise CHANGE-APPEARANCE/STATE -arcaizar CHANGE-APPEARANCE/STATE -archive PUT_APPLY_PLACE_PAVE -limer PUT_APPLY_PLACE_PAVE RETAIN_KEEP_SAVE-MONEY -archivar REQUIRE_NEED_WANT_HOPE RECORD RETAIN_KEEP_SAVE-MONEY PRESS_PUSH_FOLD PUT_APPLY_PLACE_PAVE -file_away PUT_APPLY_PLACE_PAVE RETAIN_KEEP_SAVE-MONEY -argumentar SHOW EXPLAIN SPEAK -deliberar TAKE-INTO-ACCOUNT_CONSIDER SPEAK DISCUSS -polemizar SPEAK QUARREL_POLEMICIZE -argue SHOW EXPLAIN SPEAK -contend FACE_CHALLENGE AFFIRM FIGHT CRITICIZE SPEAK COMPETE -discutir TAKE-INTO-ACCOUNT_CONSIDER FIGHT REPRIMAND ARGUE-IN-DEFENSE SPEAK DISCUSS -debatir SPEAK DISCUSS -fence BUY FIGHT ENCLOSE_WRAP SPEAK STRENGTHEN_MAKE-RESISTANT -debate TAKE-INTO-ACCOUNT_CONSIDER SPEAK DISCUSS -razonar DECIDE_DETERMINE EXPLAIN THINK -reason DECIDE_DETERMINE EXPLAIN THINK -argüir EXPLAIN INFER QUARREL_POLEMICIZE -demostrar SHOW REVEAL TRY APPEAR REPRESENT OPPOSE_REBEL_DISSENT SPEAK PROVE SIGNAL_INDICATE -indicar SHOW APPEAR SPEAK ORDER DIRECT_AIM_MANEUVER EXPLAIN SIGN SIGNAL_INDICATE -indicate SHOW SPEAK SIGNAL_INDICATE PROPOSE -get_up AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY ORGANIZE STUDY EMBELLISH RAISE -arise RAISE AROUSE_WAKE_ENLIVEN BEGIN OPPOSE_REBEL_DISSENT RESULT_CONSEQUENCE -uprise AROUSE_WAKE_ENLIVEN BEGIN INCREASE_ENLARGE_MULTIPLY MOVE-BACK RAISE -turn_out TURN_CHANGE-DIRECTION AROUSE_WAKE_ENLIVEN FINISH_CONCLUDE_END MOUNT_ASSEMBLE_PRODUCE SWITCH-OFF_TURN-OFF_SHUT-DOWN DRESS_WEAR APPEAR POSSESS DRIVE-BACK PROVE RESULT_CONSEQUENCE -levantarse AROUSE_WAKE_ENLIVEN RAISE MOVE-BACK STAY_DWELL -despertarse AROUSE_WAKE_ENLIVEN INFORM -rise CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN BEGIN PROMOTE TRY INCREASE_ENLARGE_MULTIPLY AMELIORATE APPEAR OPPOSE_REBEL_DISSENT MOVE-BACK RAISE -move_up RAISE PROMOTE -come_up RAISE BEGIN AMASS BRING CITE ARRIVE RETAIN_KEEP_SAVE-MONEY START-FUNCTIONING FIND RESULT_CONSEQUENCE -elevarse RAISE INCREASE_ENLARGE_MULTIPLY OVERCOME_SURPASS -elevar MAKE-A-SOUND BEGIN AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY HIT RAISE SHOOT_LAUNCH_PROPEL -producirse RESULT_CONSEQUENCE BEGIN -originar BEGIN WORK START-FUNCTIONING LEAVE_DEPART_RUN-AWAY ESTABLISH -derivar BEGIN DERIVE CREATE_MATERIALIZE ARRIVE COME-AFTER_FOLLOW-IN-TIME TRAVEL IMAGINE HAPPEN_OCCUR RESULT_CONSEQUENCE COME-FROM INFER -surgir SHOW BEGIN REVEAL BURDEN_BEAR CITE APPEAR EMIT GROUND_BASE_FOUND RESULT_CONSEQUENCE COME-FROM FEEL -originarse GROUND_BASE_FOUND BEGIN -spring_up BEGIN -originate BEGIN COME-FROM -desarrollarse LOAD_PROVIDE_CHARGE_FURNISH DEVELOP_AGE BEGIN GROW_PLOW APPEAR COVER_SPREAD_SURMOUNT HAPPEN_OCCUR -rebelarse OPPOSE_REBEL_DISSENT -rise_up RAISE OPPOSE_REBEL_DISSENT -alzarse RAISE APPEAR OPPOSE_REBEL_DISSENT -rebel OPPOSE_REBEL_DISSENT -erguirse APPEAR RAISE STRAIGHTEN -stand_up RESIST ARGUE-IN-DEFENSE PUT_APPLY_PLACE_PAVE RAISE STAY_DWELL -poindre RESULT_CONSEQUENCE -naître RESULT_CONSEQUENCE -provenir RESULT_CONSEQUENCE DERIVE CREATE_MATERIALIZE COME-AFTER_FOLLOW-IN-TIME HAPPEN_OCCUR ARRIVE COME-FROM INFER -presentarse RESULT_CONSEQUENCE AFFIRM APPEAR ATTEND COMPETE ARRIVE -résulter RESULT_CONSEQUENCE -germer RESULT_CONSEQUENCE -survenir RESULT_CONSEQUENCE -bob_up BEGIN -emerger SHOW BEGIN APPEAR EMIT FEEL -despertar REMEMBER AROUSE_WAKE_ENLIVEN BEGIN CAUSE-MENTAL-STATE CREATE_MATERIALIZE INFORM -armar LOAD_PROVIDE_CHARGE_FURNISH MOUNT_ASSEMBLE_PRODUCE START-FUNCTIONING PREPARE GROUP -arm LOAD_PROVIDE_CHARGE_FURNISH PREPARE -armarse LOAD_PROVIDE_CHARGE_FURNISH PREPARE -gird ENCLOSE_WRAP SECURE_FASTEN_TIE PREPARE -apertrecharse PREPARE -build_up INCREASE_ENLARGE_MULTIPLY PREPARE STRENGTHEN_MAKE-RESISTANT AMELIORATE -s'armer PREPARE -fortify EXIST-WITH-FEATURE ENCLOSE_WRAP PREPARE STRENGTHEN_MAKE-RESISTANT ADD -blindar LOAD_PROVIDE_CHARGE_FURNISH -armor LOAD_PROVIDE_CHARGE_FURNISH -acorazar LOAD_PROVIDE_CHARGE_FURNISH -armour LOAD_PROVIDE_CHARGE_FURNISH -aromatise ODORIZE -perfumar ODORIZE -aromatize ODORIZE -aromatizar ODORIZE -perfume ODORIZE -wake AROUSE_WAKE_ENLIVEN INFORM -awaken AROUSE_WAKE_ENLIVEN INFORM -wake_up AROUSE_WAKE_ENLIVEN -waken AROUSE_WAKE_ENLIVEN -réveiller AROUSE_WAKE_ENLIVEN -arouse CREATE_MATERIALIZE AROUSE_WAKE_ENLIVEN MOVE-ONESELF -call_forth CREATE_MATERIALIZE INCITE_INDUCE -evoke CREATE_MATERIALIZE AROUSE_WAKE_ENLIVEN INCITE_INDUCE INFER -recaudar CREATE_MATERIALIZE GROUP CHARGE -call_down CREATE_MATERIALIZE REPRIMAND -conjure_up CREATE_MATERIALIZE -put_forward CREATE_MATERIALIZE DECREE_DECLARE PROPOSE -evocar REMEMBER AROUSE_WAKE_ENLIVEN CREATE_MATERIALIZE PROPOSE INCITE_INDUCE -invitar AROUSE_WAKE_ENLIVEN REQUIRE_NEED_WANT_HOPE CREATE_MATERIALIZE SUMMON ASK_REQUEST HOST_MEAL_INVITE -traer TRANSMIT CARRY_TRANSPORT BRING CREATE_MATERIALIZE HAPPEN_OCCUR ACCOMPANY RAISE -resucitar REMEMBER AROUSE_WAKE_ENLIVEN MOVE-BACK -se_réveiller AROUSE_WAKE_ENLIVEN BELIEVE HAPPEN_OCCUR -awake AROUSE_WAKE_ENLIVEN -come_alive AROUSE_WAKE_ENLIVEN -despabilarse AROUSE_WAKE_ENLIVEN -desadormecerse AROUSE_WAKE_ENLIVEN -wind_up ROLL AROUSE_WAKE_ENLIVEN RESULT_CONSEQUENCE MOVE-SOMETHING -determinar_el_sexo AROUSE_WAKE_ENLIVEN -suscitar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN INFER -encender AROUSE_WAKE_ENLIVEN BEGIN LIGHTEN BURN START-FUNCTIONING OPERATE FUEL -sex AROUSE_WAKE_ENLIVEN DISTINGUISH_DIFFER -excitarse AROUSE_WAKE_ENLIVEN -déterminer_le_sexe_de AROUSE_WAKE_ENLIVEN DISTINGUISH_DIFFER -calentar HEAT AROUSE_WAKE_ENLIVEN PREPARE -energizar AROUSE_WAKE_ENLIVEN -stimulate SPEED-UP CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN INCITE_INDUCE -brace AROUSE_WAKE_ENLIVEN PREPARE STABILIZE_SUPPORT-PHYSICALLY -energize AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY -energise AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY -vigorizarse AROUSE_WAKE_ENLIVEN -perk_up AROUSE_WAKE_ENLIVEN -enkindle BURN AROUSE_WAKE_ENLIVEN -causar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN CREATE_MATERIALIZE HAPPEN_OCCUR CHANGE-APPEARANCE/STATE INCITE_INDUCE CAUSE-SMT CARRY-OUT-ACTION -elicit AROUSE_WAKE_ENLIVEN INFER -kindle BURN AROUSE_WAKE_ENLIVEN -fire AROUSE_WAKE_ENLIVEN DESTROY SHOOT_LAUNCH_PROPEL OPERATE CHANGE-APPEARANCE/STATE DRIVE-BACK DISMISS_FIRE-SMN FUEL -évoquer REMEMBER AROUSE_WAKE_ENLIVEN -provoke CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN INCITE_INDUCE -arraign SUMMON ACCUSE -hacer_comparecer SUMMON -imputar SUMMON ACCUSE ASCRIBE -inculpar ACCUSE IMPLY -arrange PLAN_SCHEDULE REPRESENT PREPARE SORT_CLASSIFY_ARRANGE EMBELLISH ORGANIZE CARRY-OUT-ACTION -compaginar WRITE PREPARE -format DECIDE_DETERMINE PREPARE SEPARATE_FILTER_DETACH -preparar PLAN_SCHEDULE MOUNT_ASSEMBLE_PRODUCE COOK COVER_SPREAD_SURMOUNT PREPARE ORGANIZE CARRY-OUT-ACTION TEACH STRENGTHEN_MAKE-RESISTANT -fix_up PLAN_SCHEDULE FIND -fijar PLAN_SCHEDULE DECIDE_DETERMINE SECURE_FASTEN_TIE ATTACH STABILIZE_SUPPORT-PHYSICALLY FOCUS ESTABLISH PUT_APPLY_PLACE_PAVE -organizar PLAN_SCHEDULE MOUNT_ASSEMBLE_PRODUCE MANAGE ORGANIZE CARRY-OUT-ACTION -organiser PLAN_SCHEDULE CARRY-OUT-ACTION SORT_CLASSIFY_ARRANGE PREPARE -stage CARRY-OUT-ACTION PERFORM -montar MOUNT_ASSEMBLE_PRODUCE BEGIN CONVERT CATCH_EMBARK HAVE-SEX MOVE-BY-MEANS-OF PREPARE FILL ORGANIZE CARRY-OUT-ACTION PERFORM RAISE -order ADJUST_CORRECT SUBJECTIVE-JUDGING ASK_REQUEST ORDER SORT_CLASSIFY_ARRANGE ORGANIZE ASSIGN-smt-to-smn -poner NAME ATTACH PUT_APPLY_PLACE_PAVE PERFORM SING MOUNT_ASSEMBLE_PRODUCE GIVE-BIRTH OPERATE ESTABLISH BEGIN MOVE-SOMETHING JOIN_CONNECT INSERT CHANGE-APPEARANCE/STATE HOLE_PIERCE DISAPPEAR EXIST-WITH-FEATURE PLAN_SCHEDULE COOK ORGANIZE ASSIGN-smt-to-smn -put EXIST-WITH-FEATURE CALCULATE_ESTIMATE UNDERGO-EXPERIENCE LEND CHANGE-APPEARANCE/STATE SPEAK ORGANIZE PUT_APPLY_PLACE_PAVE HARMONIZE -set_up LOAD_PROVIDE_CHARGE_FURNISH MOUNT_ASSEMBLE_PRODUCE FAKE CREATE_MATERIALIZE CATCH SORT_CLASSIFY_ARRANGE PREPARE ORGANIZE ESTABLISH STAY_DWELL -disponer PLAN_SCHEDULE FINISH_CONCLUDE_END DECREE_DECLARE PREPARE SORT_CLASSIFY_ARRANGE OBLIGE_FORCE -coiffure EMBELLISH -marcar LOAD_PROVIDE_CHARGE_FURNISH HURT_HARM_ACHE SCORE DISTINGUISH_DIFFER ACCUSE RECORD COURT OPERATE ATTACH EMBELLISH CAVE_CARVE PAINT TEACH SIGNAL_INDICATE -coiffe EMBELLISH -peinar SEARCH STRAIGHTEN SEPARATE_FILTER_DETACH EMBELLISH -coif DRESS_WEAR EMBELLISH -cardar WEAVE SEPARATE_FILTER_DETACH EMBELLISH -peinar_con_estilo EMBELLISH -arreglarse_el_pelo EMBELLISH -aderezar COOK STRENGTHEN_MAKE-RESISTANT EMBELLISH -atusar CUT EMBELLISH -range MOVE-ONESELF SUBJECTIVE-JUDGING REACH EAT_BITE TRAVEL COVER_SPREAD_SURMOUNT NOURISH_FEED SORT_CLASSIFY_ARRANGE -set_out BEGIN SORT_CLASSIFY_ARRANGE LEAVE_DEPART_RUN-AWAY -lay_out PLAN_SCHEDULE SHOW PAY SORT_CLASSIFY_ARRANGE PREPARE -atirar_la_atención ATTRACT_SUCK -catch ABSTAIN_AVOID_REFRAIN REACH REPRESENT ATTACH ATTRACT_SUCK HEAR_LISTEN AFFECT BURN CATCH_EMBARK HUNT CONTRACT-AN-ILLNESS_INFECT UNDERSTAND LURE_ENTICE REST CATCH REPRIMAND FIND HIT SEE CIRCULATE_SPREAD_DISTRIBUTE WORK DELAY GROUP PERCEIVE -halt STOP -estancar STOP -parar FINISH_CONCLUDE_END STOP OPPOSE_REBEL_DISSENT -brider DRESS_WEAR STOP -refréner STOP -circonscrire STOP -frenar STOP REDUCE_DIMINISH SLOW-DOWN -freiner STOP REDUCE_DIMINISH -bloquer STOP -contrôler MANAGE STOP -hold_back STOP ABSTAIN_AVOID_REFRAIN RETAIN_KEEP_SAVE-MONEY WAIT CLOUD_SHADOW_HIDE -entraver CATCH STOP RESTRAIN COMPLEXIFY -turn_back STOP MOVE-BACK DRIVE-BACK INVERT_REVERSE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -maîtriser STOP -contain REDUCE_DIMINISH STOP CONTAIN INCLUDE-AS -stop CATCH FINISH_CONCLUDE_END STOP WAIT -retarder DELAY STOP -juguler STOP -réprimer STOP -contener STOP RESTRAIN DELAY PRECLUDE_FORBID_EXPEL RETAIN_KEEP_SAVE-MONEY CONTAIN TEACH REDUCE_DIMINISH INCLUDE-AS -stopper CLOSE STOP -retenir STOP RETAIN_KEEP_SAVE-MONEY ENCLOSE_WRAP HUNT REDUCE_DIMINISH CLOUD_SHADOW_HIDE -contenir STOP CONTAIN -enrayer STOP -ralentir STOP SLOW-DOWN -endiguer STOP -llegar_a ACHIEVE REACH BEGIN -triompher ACHIEVE -arrive ACHIEVE ARRIVE -make_it ACHIEVE OVERCOME_SURPASS -get_in ACHIEVE ARRIVE OBTAIN ENTER -go_far EXIST-WITH-FEATURE ACHIEVE -atteindre REACH ARRIVE -arribar ARRIVE -arriver CHANGE-APPEARANCE/STATE ARRIVE HAPPEN_OCCUR -arrive_at ARRIVE -make REACH CONVERT INCITE_INDUCE CARRY-OUT-ACTION PERFORM COURT TAKE INTERPRET BEHAVE CAUSE-MENTAL-STATE MOUNT_ASSEMBLE_PRODUCE SORT_CLASSIFY_ARRANGE ESTABLISH SEEM GO-FORWARD SCORE EARN CREATE_MATERIALIZE ACHIEVE IMAGINE ENJOY CHANGE-APPEARANCE/STATE CAUSE-SMT EXCRETE RESULT_CONSEQUENCE ARRIVE OBLIGE_FORCE EXIST-WITH-FEATURE COOK CALCULATE_ESTIMATE ORGANIZE ASSIGN-smt-to-smn GROUP GUARANTEE_ENSURE_PROMISE INCLUDE-AS -hit CAUSE-MENTAL-STATE SCORE REACH ATTACK_BOMB KILL HIT COURT DRINK MEET PERFORM ARRIVE SHOOT_LAUNCH_PROPEL AFFECT -asignarse ASK_REQUEST -arrogate ASK_REQUEST STEAL_DEPRIVE -claim RESULT_CONSEQUENCE ASK_REQUEST AFFIRM -atribuirse ASK_REQUEST -reivindicar DECREE_DECLARE ASK_REQUEST -lay_claim ASK_REQUEST -revendiquer DECREE_DECLARE ASK_REQUEST -reclamar ACCUSE SPEAK ASK_REQUEST REQUIRE_NEED_WANT_HOPE -assumer INTERPRET STEAL_DEPRIVE -usurpar REPLACE CATCH STEAL_DEPRIVE -usurper REPLACE STEAL_DEPRIVE -usurp REPLACE STEAL_DEPRIVE -arse_around EXIST_LIVE JOKE -loaf PLAY_SPORT/GAME EXIST_LIVE -bum_about EXIST_LIVE -loll_around EXIST_LIVE -waste_one's_time EXIST_LIVE -haraganear ABSTAIN_AVOID_REFRAIN EXIST_LIVE STOP -bum EXIST_LIVE OBTAIN -arse_about EXIST_LIVE -lounge_about EXIST_LIVE -lounge_around EXIST_LIVE -fuck_off HAVE-SEX EXIST_LIVE LEAVE_DEPART_RUN-AWAY -déconner EXIST_LIVE JOKE -frig_around EXIST_LIVE -bum_around EXIST_LIVE -loll EXIST_LIVE HANG -horse_around JOKE -hacer_el_tonto BEHAVE JOKE -fool JOKE DECEIVE WASTE -tontear JOKE -hacer_el_idiota CAUSE-MENTAL-STATE JOKE -fool_around HAVE-SEX JOKE -arterialise CONVERT -arterialize CONVERT -arterializar CONVERT -article OBLIGE_FORCE -articular MOUNT_ASSEMBLE_PRODUCE MANAGE JOIN_CONNECT SPEAK ORGANIZE EXPLAIN PRONOUNCE -joint SECURE_FASTEN_TIE SEPARATE_FILTER_DETACH FIT JOIN_CONNECT -articulate PRONOUNCE EXPLAIN SPEAK JOIN_CONNECT -word SPEAK -formulate CREATE_MATERIALIZE MOUNT_ASSEMBLE_PRODUCE SPEAK AMELIORATE -formular CREATE_MATERIALIZE SPEAK IMAGINE AMELIORATE -formuler CREATE_MATERIALIZE MOUNT_ASSEMBLE_PRODUCE SPEAK AMELIORATE -give_voice SPEAK -phrase SPEAK DIVIDE -enunciate EXPLAIN PRONOUNCE -enunciar EXPLAIN -vocalize PRONOUNCE EXPLAIN SPEAK SING -vocalizar EXPLAIN PRONOUNCE SING -vocalise PRONOUNCE EXPLAIN SPEAK SING -pronounce DECREE_DECLARE PRONOUNCE -sound_out PRONOUNCE LEARN -pronunciar SPEAK PRONOUNCE DECREE_DECLARE -prononcer PRONOUNCE -enounce PRONOUNCE -ascend ASSIGN-smt-to-smn PRECEDE RAISE PROMOTE -climb_up RAISE AMELIORATE -nacer GROW_PLOW GIVE-BIRTH RAISE -find_out CALCULATE_ESTIMATE VERIFY KNOW FIND -encontrar BEGIN CALCULATE_ESTIMATE REACH DECREE_DECLARE FIND BELIEVE OBTAIN MEET ESTABLISH RESULT_CONSEQUENCE -ascertain CALCULATE_ESTIMATE VERIFY -descubrir REMOVE_TAKE-AWAY_KIDNAP SHOW REVEAL CALCULATE_ESTIMATE FIND KNOW VERIFY RECOGNIZE_ADMIT_IDENTIFY -find CALCULATE_ESTIMATE DECREE_DECLARE REACH UNDERGO-EXPERIENCE FIND BELIEVE OBTAIN PERCEIVE -determine DECIDE_DETERMINE CALCULATE_ESTIMATE DECREE_DECLARE PRECLUDE_FORBID_EXPEL INFLUENCE VERIFY SETTLE_CONCILIATE -determinar DECIDE_DETERMINE CALCULATE_ESTIMATE DECREE_DECLARE PRECLUDE_FORBID_EXPEL CHARGE INFLUENCE VERIFY GUESS SETTLE_CONCILIATE -see DECIDE_DETERMINE MANAGE IMAGINE ANALYZE UNDERGO-EXPERIENCE MATCH KNOW ACCOMPANY MEET SEE VISIT VERIFY COURT PERCEIVE UNDERSTAND INTERPRET -ver DECIDE_DETERMINE WATCH_LOOK-OUT IMAGINE ANALYZE UNDERGO-EXPERIENCE MATCH KNOW VISIT SEE MEET DIRECT_AIM_MANEUVER VERIFY PERCEIVE UNDERSTAND INTERPRET -detectar VERIFY PERCEIVE FIND -establecer SHOW IMAGINE PROVE ESTABLISH GROUND_BASE_FOUND CARRY-OUT-ACTION VERIFY STAY_DWELL -averiguar SEARCH VERIFY ASK_REQUEST KNOW -watch VERIFY WATCH_LOOK-OUT SEE -esclarecer EXPLAIN VERIFY -établir ESTABLISH VERIFY PROVE -insure VERIFY GUARANTEE_ENSURE_PROMISE PROTECT -control MANAGE OPERATE KNOW VERIFY REDUCE_DIMINISH -assure MAKE-RELAX VERIFY GUARANTEE_ENSURE_PROMISE INFORM -ensure VERIFY GUARANTEE_ENSURE_PROMISE -asegurarse CARRY-OUT-ACTION VERIFY GUARANTEE_ENSURE_PROMISE -controlar MANAGE WATCH_LOOK-OUT RESTRAIN ANALYZE SUBJUGATE KNOW OPERATE ORDER VERIFY REDUCE_DIMINISH -see_to_it VERIFY -attribute SORT_CLASSIFY_ARRANGE ASCRIBE -impute ASCRIBE -adscribir ASCRIBE -ascribe ASCRIBE -atribuir ASSIGN-smt-to-smn GIVE_GIFT ASCRIBE -achacar ASCRIBE -ash CONVERT -hacer_ceniza CONVERT -ask ASK_REQUEST REQUIRE_NEED_WANT_HOPE -require ORDER REQUIRE_NEED_WANT_HOPE -postulate SUPPOSE AFFIRM REQUIRE_NEED_WANT_HOPE -necesitar MISS_OMIT_LACK IMPLY REQUIRE_NEED_WANT_HOPE -demand SUMMON ASK_REQUEST REQUIRE_NEED_WANT_HOPE -call_for GROUP ASK_REQUEST REQUIRE_NEED_WANT_HOPE -precisar DECIDE_DETERMINE REQUIRE_NEED_WANT_HOPE CITE REPRESENT CHANGE-APPEARANCE/STATE OBLIGE_FORCE -preguntar BEHAVE REQUIRE_NEED_WANT_HOPE ANALYZE ASK_REQUEST THINK -need REQUIRE_NEED_WANT_HOPE -necessitate IMPLY REQUIRE_NEED_WANT_HOPE -exigir IMPLY ASK_REQUEST AFFIRM REQUIRE_NEED_WANT_HOPE -demander ASK_REQUEST -consultar SEARCH ASK_REQUEST WARN DISCUSS -interpelar ASK_REQUEST -cuestionar ASK_REQUEST FACE_CHALLENGE -interrogar TRANSMIT FACE_CHALLENGE ANALYZE ASK_REQUEST THINK -questionner ASK_REQUEST -enquire ASK_REQUEST ANALYZE THINK -inquirir SEARCH ASK_REQUEST -interroger ASK_REQUEST -informarse ASK_REQUEST -s'enquérir ASK_REQUEST ANALYZE THINK -inquire ASK_REQUEST ANALYZE THINK -investigar SEARCH VERIFY ASK_REQUEST ANALYZE -ask_for REQUIRE_NEED_WANT_HOPE -buscarse REQUIRE_NEED_WANT_HOPE -buscar SEARCH TRY REQUIRE_NEED_WANT_HOPE FIND ASK_REQUEST GROUP COURT GO-FORWARD -invite AROUSE_WAKE_ENLIVEN ASK_REQUEST HOST_MEAL_INVITE REQUIRE_NEED_WANT_HOPE -ask_for_it RISK -ask_for_trouble RISK -hacer_entrar HOST_MEAL_INVITE -invitar_a_pasar HOST_MEAL_INVITE -ask_in HOST_MEAL_INVITE -hacer_pasar HOST_MEAL_INVITE -ask_out ASK_REQUEST -invite_out ASK_REQUEST -sacar_a_pasear ASK_REQUEST -invitar_a_salir ASK_REQUEST -take_out REMOVE_TAKE-AWAY_KIDNAP MISS_OMIT_LACK SHOW BUY CITE EAT_BITE ASK_REQUEST OBTAIN EXTRACT -ask_over HOST_MEAL_INVITE -convidar LOAD_PROVIDE_CHARGE_FURNISH ASK_REQUEST HOST_MEAL_INVITE -ask_round HOST_MEAL_INVITE -smear ACCUSE DIRTY COVER_SPREAD_SURMOUNT -besmirch ACCUSE DIRTY -reputación ACCUSE -asperse ACCUSE -sully ACCUSE DIRTY DEBASE_ADULTERATE -smirch ACCUSE DIRTY -calomnier ACCUSE -calumniar ACCUSE OFFEND_DISESTEEM -calumniate ACCUSE -defame ACCUSE -slander ACCUSE -denigrate ACCUSE DOWNPLAY_HUMILIATE -difamar ACCUSE OFFEND_DISESTEEM -embrear PLAY_SPORT/GAME COVER_SPREAD_SURMOUNT -alquitranar PUT_APPLY_PLACE_PAVE COVER_SPREAD_SURMOUNT -asfaltar COVER_SPREAD_SURMOUNT -asphalt COVER_SPREAD_SURMOUNT -reprimir STOP RESTRAIN REPRIMAND RETAIN_KEEP_SAVE-MONEY KILL PRECLUDE_FORBID_EXPEL SUBJUGATE WEAKEN REDUCE_DIMINISH CLOUD_SHADOW_HIDE -suffocate CAUSE-MENTAL-STATE STOP HURT_HARM_ACHE KILL WEAKEN -asphyxiate STOP KILL -stifle STOP KILL CLOUD_SHADOW_HIDE WEAKEN -choke CAUSE-MENTAL-STATE STOP HURT_HARM_ACHE KILL FAIL_LOSE PRESS_PUSH_FOLD WEAKEN REDUCE_DIMINISH -sofocar STOP HURT_HARM_ACHE KILL WEAKEN -asfixiar STOP HURT_HARM_ACHE KILL PRESS_PUSH_FOLD WEAKEN -estrangular STOP HURT_HARM_ACHE RESTRAIN KILL PRESS_PUSH_FOLD -atragantarse KILL -asfixiarse KILL -ahogarse HURT_HARM_ACHE KILL -sofocarse HURT_HARM_ACHE KILL -smother COVER_SPREAD_SURMOUNT KILL CLOUD_SHADOW_HIDE WEAKEN -asphyxier KILL -suck_out ATTRACT_SUCK -aspirate PRONOUNCE BREATH_BLOW ATTRACT_SUCK -aspirer PRONOUNCE BREATH_BLOW ATTRACT_SUCK -draw_out REMOVE_TAKE-AWAY_KIDNAP INCREASE_ENLARGE_MULTIPLY CHANGE-APPEARANCE/STATE SPEAK ATTRACT_SUCK INFER -set_on ATTACK_BOMB -assail ATTACK_BOMB CRITICIZE -asaltar SEARCH STEAL_DEPRIVE ATTACK_BOMB VIOLATE -agredir BEHAVE ATTACK_BOMB CRITICIZE -assault ATTACK_BOMB CRITICIZE -violar ATTACK_BOMB DESTROY VIOLATE -attaquer ATTACK_BOMB -agresser ATTACK_BOMB -assaillir ATTACK_BOMB -violenter ATTACK_BOMB -snipe HUNT SHOOT_LAUNCH_PROPEL CRITICIZE -round DEVELOP_AGE TRAVEL CRITICIZE EMBELLISH ADJUST_CORRECT PRONOUNCE SHAPE -lash_out CRITICIZE -assassinate OFFEND_DISESTEEM KILL -asesinar CHANGE-APPEARANCE/STATE KILL -dishonour OFFEND_DISESTEEM REFUSE ATTACK_BOMB -forcer ATTACK_BOMB OBLIGE_FORCE -dishonor OFFEND_DISESTEEM REFUSE ATTACK_BOMB -violer ATTACK_BOMB DESTROY VIOLATE -rape ATTACK_BOMB DESTROY -violate ATTACK_BOMB DESTROY VIOLATE -prendre_de_force ATTACK_BOMB -ravish CAUSE-MENTAL-STATE ATTACK_BOMB -essay TRY -seek SEARCH ASK_REQUEST TRY GO-FORWARD -attempt BEGIN TRY -assay ANALYZE TRY -ensayar ANALYZE TRY -probar TRY UNDERGO-EXPERIENCE PROVE SEEM SIGNAL_INDICATE TASTE -essayer HURT_HARM_ACHE ANALYZE TRY SEEM -tratar_de TRY -intentar PLAN_SCHEDULE BEGIN TRY -aquilatar ANALYZE -congregarse GO-FORWARD GROUP ALLY_ASSOCIATE_MARRY MEET -rassembler GROUP -concentrar MOUNT_ASSEMBLE_PRODUCE AMASS CHANGE-APPEARANCE/STATE FOCUS MEET GROUP -get_together GROUP ALLY_ASSOCIATE_MARRY MEET -reunirse SUMMON GROUP ALLY_ASSOCIATE_MARRY MEET -assemble MOUNT_ASSEMBLE_PRODUCE GROUP -juntarse COMBINE_MIX_UNITE ENCLOSE_WRAP ACCOMPANY MEET GROUP GO-FORWARD -tack_together MOUNT_ASSEMBLE_PRODUCE -piece MOUNT_ASSEMBLE_PRODUCE COMBINE_MIX_UNITE EAT_BITE JOIN_CONNECT REPAIR_REMEDY -put_together MOUNT_ASSEMBLE_PRODUCE -fragment MOUNT_ASSEMBLE_PRODUCE COMBINE_MIX_UNITE EAT_BITE JOIN_CONNECT BREAK_DETERIORATE REPAIR_REMEDY -construir REMEMBER MOUNT_ASSEMBLE_PRODUCE PAINT ESTABLISH CARRY-OUT-ACTION GROUND_BASE_FOUND INTERPRET -assembler MOUNT_ASSEMBLE_PRODUCE -ensamblar MOUNT_ASSEMBLE_PRODUCE AMASS JOIN_CONNECT -se_rassembler GROUP MEET -forgather GROUP -foregather GROUP -se_réunir GROUP MEET -maintain HELP_HEAL_CARE_CURE AFFIRM RETAIN_KEEP_SAVE-MONEY RECORD MATCH ARGUE-IN-DEFENSE SPEAK AFFECT PRESERVE -affirmer AFFIRM -mantener CAUSE-MENTAL-STATE HELP_HEAL_CARE_CURE AFFIRM RETAIN_KEEP_SAVE-MONEY REMAIN ARGUE-IN-DEFENSE AUTHORIZE_ADMIT SPEAK HOST_MEAL_INVITE HARMONIZE PRESERVE -asseverate AFFIRM -conservar HELP_HEAL_CARE_CURE CONTINUE AFFIRM ABSTAIN_AVOID_REFRAIN RETAIN_KEEP_SAVE-MONEY PROTECT REMAIN SPEAK PRESERVE -defender RESIST FIGHT DECREE_DECLARE PROTECT ARGUE-IN-DEFENSE SPEAK -hacer_valer DECREE_DECLARE -hacerse_valer DECREE_DECLARE -insistir BEHAVE CAUSE-MENTAL-STATE RESIST AFFIRM DELAY -incidir EMPHASIZE AFFIRM -insist BEHAVE CAUSE-MENTAL-STATE AFFIRM -imponerse BEHAVE WIN VIOLATE -assert_oneself BEHAVE -tax ACCUSE CALCULATE_ESTIMATE BENEFIT_EXPLOIT CHARGE -assibiler INSERT PRONOUNCE -assibilate INSERT PRONOUNCE -asibilar SPEAK PRONOUNCE -delegar ASSIGN-smt-to-smn REPLACE -designate PLAN_SCHEDULE NAME DECREE_DECLARE ASSIGN-smt-to-smn SIGNAL_INDICATE -delegate ASSIGN-smt-to-smn -depute ASSIGN-smt-to-smn -assigner ASSIGN-smt-to-smn -especificar DECIDE_DETERMINE CITE REPRESENT RECORD ASSIGN-smt-to-smn EXPLAIN OBLIGE_FORCE -set_apart ASSIGN-smt-to-smn TAKE -destiner ASSIGN-smt-to-smn PLAN_SCHEDULE -diferenciar DISTINGUISH_DIFFER CALCULATE_ESTIMATE DIVERSIFY ASSIGN-smt-to-smn UNDERSTAND RECOGNIZE_ADMIT_IDENTIFY -affecter ASSIGN-smt-to-smn PLAN_SCHEDULE -specify PLAN_SCHEDULE DECIDE_DETERMINE REPRESENT ASSIGN-smt-to-smn EXPLAIN OBLIGE_FORCE -asimilarse CO-OPT -embeber ABSORB DIP_DIVE -wait_on WORK -ser_útil WORK -cuidar MANAGE HELP_HEAL_CARE_CURE WORK ACCOMPANY EMBELLISH -attend_to WORK FOCUS -consociate ALLY_ASSOCIATE_MARRY -colliger CORRELATE -enlazar CORRELATE ROLL ATTACH WEAVE -lier CORRELATE JOIN_CONNECT -link_up CORRELATE JOIN_CONNECT -connect BEFRIEND CORRELATE HIT JOIN_CONNECT COMMUNICATE_CONTACT -conectar BEFRIEND CORRELATE JOIN_CONNECT OPERATE COMMUNICATE_CONTACT -emparejar CORRELATE GROUP MATCH JOIN_CONNECT -unir EXIST-WITH-FEATURE COMBINE_MIX_UNITE AMASS BEFRIEND CORRELATE SECURE_FASTEN_TIE JOIN_CONNECT ATTACH ORGANIZE -liaison CORRELATE -asociar CORRELATE LOAD_PROVIDE_CHARGE_FURNISH JOIN_CONNECT -relate CORRELATE BEFRIEND SPEAK REFER -associer CORRELATE -ligar COMBINE_MIX_UNITE CORRELATE SECURE_FASTEN_TIE JOIN_CONNECT ATTACH ALLY_ASSOCIATE_MARRY -jumeler CORRELATE -entroncar CORRELATE SPEAK JOIN_CONNECT -brancher CORRELATE -colligate CORRELATE -tie_in CORRELATE -comunicar HURT_HARM_ACHE CORRELATE INFORM JOIN_CONNECT KNOW SPEAK EXPLAIN CIRCULATE_SPREAD_DISTRIBUTE -link CORRELATE JOIN_CONNECT -asonar MATCH -assonate MATCH -classify SORT_CLASSIFY_ARRANGE RESTRAIN -clasificar SUBJECTIVE-JUDGING SORT_CLASSIFY_ARRANGE RESTRAIN -classer SORT_CLASSIFY_ARRANGE -classifier SORT_CLASSIFY_ARRANGE -sort ANALYZE SORT_CLASSIFY_ARRANGE -trier SORT_CLASSIFY_ARRANGE SEPARATE_FILTER_DETACH -class SORT_CLASSIFY_ARRANGE -sort_out EXPLAIN SORT_CLASSIFY_ARRANGE PUNISH -separar CUT DISTINGUISH_DIFFER DISBAND_BREAK-UP SEPARATE_FILTER_DETACH BREAK_DETERIORATE SORT_CLASSIFY_ARRANGE LEAVE_DEPART_RUN-AWAY UNFASTEN_UNFOLD TAKE -separate DISBAND_BREAK-UP SEPARATE_FILTER_DETACH BREAK_DETERIORATE REFUSE SORT_CLASSIFY_ARRANGE RECOGNIZE_ADMIT_IDENTIFY -ponerse DRESS_WEAR CAUSE-MENTAL-STATE DISAPPEAR CHANGE_SWITCH -get_into ENTER DRESS_WEAR LEARN OBTAIN PARTICIPATE -wear EXIST-WITH-FEATURE EXHAUST CONTINUE DRESS_WEAR BREAK_DETERIORATE -llevar SHOW MANAGE CARRY_TRANSPORT REQUIRE_NEED_WANT_HOPE DRESS_WEAR BURDEN_BEAR INCITE_INDUCE CONTAIN ATTRACT_SUCK TAKE REMOVE_TAKE-AWAY_KIDNAP ACCOMPANY PRESERVE AROUSE_WAKE_ENLIVEN BEGIN BRING MOVE-SOMETHING BUY ACHIEVE CHANGE-APPEARANCE/STATE SHOOT_LAUNCH_PROPEL CIRCULATE_SPREAD_DISTRIBUTE TRANSMIT EXHAUST ENTER POSSESS STABILIZE_SUPPORT-PHYSICALLY -don DRESS_WEAR -simulate SIMULATE -hacerse DEVELOP_AGE BEGIN CHANGE_SWITCH SIMULATE TAKE -take_for_granted SUPPOSE -presume BEHAVE IMPLY SUPPOSE -presumir BEHAVE SHOW BELIEVE SUPPOSE -suponer SUPPOSE IMPLY INFER BELIEVE GUESS INCLUDE-AS -supposer BELIEVE SUPPOSE -dar_por_sentado SUPPOSE -tell INFORM KNOW SPEAK ORDER RECOGNIZE_ADMIT_IDENTIFY -persuadir GUARANTEE_ENSURE_PROMISE PERSUADE -convencer ARGUE-IN-DEFENSE GUARANTEE_ENSURE_PROMISE PERSUADE -secure LOAD_PROVIDE_CHARGE_FURNISH CLOSE SECURE_FASTEN_TIE OBTAIN GUARANTEE_ENSURE_PROMISE -guarantee GUARANTEE_ENSURE_PROMISE -avalar FOLLOW_SUPPORT_SPONSOR_FUND VERIFY GUARANTEE_ENSURE_PROMISE -dar_confianza MAKE-RELAX -rassurer GUARANTEE_ENSURE_PROMISE MAKE-RELAX -reassure GUARANTEE_ENSURE_PROMISE MAKE-RELAX -prometer CELEBRATE_PARTY GUARANTEE_ENSURE_PROMISE -star EXIST-WITH-FEATURE PERFORM SIGNAL_INDICATE -asterisk SIGNAL_INDICATE -astringe PRESS_PUSH_FOLD -astrogate MOVE-BY-MEANS-OF FLY -nuke ATTACK_BOMB COOK -atom-bomb ATTACK_BOMB -atomizar WET COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH -atomise ATTACK_BOMB COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH -atomize ATTACK_BOMB COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH -pulvériser BREAK_DETERIORATE COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH DESTROY -atomiser COVER_SPREAD_SURMOUNT -zap ATTACK_BOMB COOK KILL HIT -desintegrar CARRY-OUT-ACTION ATTACK_BOMB SEPARATE_FILTER_DETACH DESTROY -destruir PLAY_SPORT/GAME STOP DESTROY ATTACK_BOMB CANCEL_ELIMINATE KILL DEFEAT PROVE DISCARD -lanzar_una_ofensiva ATTACK_BOMB -arrepentirse REGRET_SORRY -repent REGRET_SORRY -atrofiarse BREAK_DETERIORATE -atrofiar BREAK_DETERIORATE -atrophy BREAK_DETERIORATE -attach REMOVE_TAKE-AWAY_KIDNAP ATTACH BEFRIEND -tie BEFRIEND SCORE COMBINE_MIX_UNITE SECURE_FASTEN_TIE JOIN_CONNECT EMCEE OBLIGE_FORCE -incautarse REMOVE_TAKE-AWAY_KIDNAP -decomisar REMOVE_TAKE-AWAY_KIDNAP -impound REMOVE_TAKE-AWAY_KIDNAP RESTRAIN -confiscate REMOVE_TAKE-AWAY_KIDNAP -sequester REMOVE_TAKE-AWAY_KIDNAP CONVERT ISOLATE TAKE STEAL_DEPRIVE -confisquer REMOVE_TAKE-AWAY_KIDNAP -intervenir REMOVE_TAKE-AWAY_KIDNAP ALTERNATE HELP_HEAL_CARE_CURE CATCH DECEIVE PARTICIPATE -sujetarse ATTACH -inhere_in INCLUDE-AS -ser_inherente EXIST-WITH-FEATURE INCLUDE-AS -chance_on FIND -happen_upon FIND -come_upon OBTAIN FIND -fall_upon FIND -come_across AROUSE_WAKE_ENLIVEN FIND MEET EXPLAIN PERCEIVE -chance_upon FIND -discover KNOW REVEAL FIND RECOGNIZE_ADMIT_IDENTIFY -encontrarse ENDANGER FIND SORT_CLASSIFY_ARRANGE OBTAIN MEET RESULT_CONSEQUENCE -light_upon FIND -hallar FIND -tocar_a FIND -dar_con MEET DECREE_DECLARE FIND -attaint OFFEND_DISESTEEM PUNISH -shame OFFEND_DISESTEEM OBLIGE_FORCE DEFEAT -abochornar COLOR OFFEND_DISESTEEM OBLIGE_FORCE -disgrace OFFEND_DISESTEEM DOWNPLAY_HUMILIATE -sentenciar_a_muerte PUNISH -attemper ADJUST_CORRECT -undertake BEGIN FACE_CHALLENGE AGREE_ACCEPT GUARANTEE_ENSURE_PROMISE ALLY_ASSOCIATE_MARRY -ir EXIST-WITH-FEATURE OVERCOME_SURPASS RESULT_CONSEQUENCE ENTER MOVE-ONESELF GO-FORWARD KILL ORGANIZE MOVE-BY-MEANS-OF ATTEND FIT EMBELLISH LEAVE_DEPART_RUN-AWAY HARMONIZE EXTEND -assister_à ATTEND -fréquenter ATTEND -acudir EXTEND KILL ATTEND LEAVE_DEPART_RUN-AWAY ORGANIZE GO-FORWARD -hacer_acto_de_presencia ATTEND -go_to ATTEND -suivre ATTEND COME-AFTER_FOLLOW-IN-TIME -s'occuper_de MANAGE -ocuparse_de MANAGE -encargarse MANAGE WATCH_LOOK-OUT LEAD_GOVERN AGREE_ACCEPT -take_care MANAGE WATCH_LOOK-OUT -take_to_heart FOCUS -fijarse FOCUS -attenuate CONVERT WEAKEN -atenuar DIM MESS CONVERT WEAKEN REDUCE_DIMINISH -rarefy ADJUST_CORRECT CONVERT REDUCE_DIMINISH -enrarecer CONVERT DEBASE_ADULTERATE -debilitar EXHAUST CONVERT CONSUME_SPEND WEAKEN -testificar DECREE_DECLARE PROVE SEE VERIFY GUARANTEE_ENSURE_PROMISE -attest VERIFY GUARANTEE_ENSURE_PROMISE PROVE -atestiguar DECREE_DECLARE UNDERGO-EXPERIENCE SEE VERIFY GUARANTEE_ENSURE_PROMISE -autentificar VERIFY PROVE -manifest RECORD APPEAR PROVE -evidence INFORM PROVE -demonstrate SHOW PROVE OPPOSE_REBEL_DISSENT -certify AUTHORIZE_ADMIT DECREE_DECLARE GUARANTEE_ENSURE_PROMISE PROVE -evidenciar SHOW INFORM PROVE -take_the_stand GUARANTEE_ENSURE_PROMISE -bear_witness GUARANTEE_ENSURE_PROMISE PROVE -prestar PAY LEND THINK PROVE GIVE_GIFT GUARANTEE_ENSURE_PROMISE -testify GUARANTEE_ENSURE_PROMISE PROVE -dress_up DRESS_WEAR EMBELLISH -tog_out EMBELLISH -tog_up EMBELLISH -ataviarse EMBELLISH -gussy_up EMBELLISH -deck_up EMBELLISH -overdress DRESS_WEAR EMBELLISH -attire EMBELLISH -prink DRESS_WEAR EMBELLISH -fig_out EMBELLISH -arreglarse EMBELLISH -trick_out EMBELLISH -fig_up EMBELLISH -rig_out EMBELLISH -deck_out EMBELLISH -fancy_up EMBELLISH -trick_up EMBELLISH -hacerse_ver BEHAVE -attitudinize BEHAVE -llamar_la_atención BEHAVE COURT REPRIMAND FACE_CHALLENGE -attitudinise BEHAVE -attorn ASSIGN-smt-to-smn -pull_in ARRIVE AMASS ATTRACT_SUCK EARN -tirer SHOOT_LAUNCH_PROPEL ATTRACT_SUCK PULL -draw_in ROLL PULL ATTRACT_SUCK ARRIVE GO-FORWARD -pull REMOVE_TAKE-AWAY_KIDNAP TURN_CHANGE-DIRECTION CUT STOP FOLLOW_SUPPORT_SPONSOR_FUND HIT OPERATE PULL ATTRACT_SUCK EXTEND VIOLATE -attune ADJUST_CORRECT -auctioneer SELL -subastar SELL -auction_off SELL -auction SELL -rematar FINISH_CONCLUDE_END COVER_SPREAD_SURMOUNT SELL JOIN_CONNECT REPAIR_REMEDY OVERCOME_SURPASS -audit VERIFY ATTEND -vigilar VERIFY WATCH_LOOK-OUT PROTECT SEE -auditar VERIFY -inspecter VERIFY -scrutinise VERIFY ANALYZE -scruter VERIFY ANALYZE -inspect VERIFY ANALYZE -scrutinize VERIFY ANALYZE -escrutar SEARCH VERIFY ANALYZE -registrar SEARCH REQUIRE_NEED_WANT_HOPE INFORM ANALYZE RECORD PROPOSE COMPETE WRITE VERIFY PERCEIVE RECOGNIZE_ADMIT_IDENTIFY -audition TRY -try_out TRY -augment INCREASE_ENLARGE_MULTIPLY -incrementar INCREASE_ENLARGE_MULTIPLY -augur SIGNAL_INDICATE GUESS -agorar SIGNAL_INDICATE -forecast GUESS SUBJECTIVE-JUDGING SIGNAL_INDICATE -foreshadow SIGNAL_INDICATE -auspicate BEGIN SIGNAL_INDICATE -presage SIGNAL_INDICATE -bode SIGNAL_INDICATE -omen SIGNAL_INDICATE -prefigurar IMAGINE SIGNAL_INDICATE -betoken SIGNAL_INDICATE -portend SIGNAL_INDICATE -prefigure IMAGINE SIGNAL_INDICATE -anunciarse SIGNAL_INDICATE -aurify PAINT CONVERT -dorar PAINT COLOR COVER_SPREAD_SURMOUNT EMBELLISH -auscultar HEAR_LISTEN -auscultate HEAR_LISTEN -autenticar PROVE -authenticate PROVE -author CREATE_MATERIALIZE -facultar AUTHORIZE_ADMIT NAME -authorize AUTHORIZE_ADMIT -pass EXTEND APPROVE_PRAISE MOVE-SOMETHING CHANGE-HANDS SPEND-TIME_PASS-TIME INFORM GO-FORWARD ACHIEVE KILL THROW HAPPEN_OCCUR AUTHORIZE_ADMIT SUBJECTIVE-JUDGING CHANGE-APPEARANCE/STATE EXCRETE LEAVE-BEHIND DISAPPEAR GIVE_GIFT OVERCOME_SURPASS -authorise AUTHORIZE_ADMIT -empower AUTHORIZE_ADMIT -empoderar AUTHORIZE_ADMIT -autoclave HEAT -autographer WRITE -autografiar WRITE -inscribe CONVERT RECORD WRITE SPEAK CAVE_CARVE PAINT HIRE -autograph WRITE -automatize AUTOMATIZE -automatise AUTOMATIZE -automate AUTOMATIZE -automatiser AUTOMATIZE -automatizar AUTOMATIZE -automobile MOVE-BY-MEANS-OF -autopsy ANALYZE -autotomize REMOVE_TAKE-AWAY_KIDNAP -autotomise REMOVE_TAKE-AWAY_KIDNAP -avail EXIST-WITH-FEATURE BENEFIT_EXPLOIT USE -aprovecharse BENEFIT_EXPLOIT -roll_down FALL_SLIDE-DOWN -avalanche FALL_SLIDE-DOWN -vengar PUNISH -avenge PUNISH -retaliar PUNISH -revenge PUNISH -retaliate ATTACK_BOMB PUNISH -vengarse ATTACK_BOMB PUNISH -desquitarse PUNISH -average_out CALCULATE_ESTIMATE REACH -average CALCULATE_ESTIMATE REACH -promediar CALCULATE_ESTIMATE REACH -calcular_la_media CALCULATE_ESTIMATE -ward_off ABSTAIN_AVOID_REFRAIN DRIVE-BACK -forfend ABSTAIN_AVOID_REFRAIN -deflect ABSTAIN_AVOID_REFRAIN TURN_CHANGE-DIRECTION STOP -capear ABSTAIN_AVOID_REFRAIN GO-FORWARD -obviate ABSTAIN_AVOID_REFRAIN PRECLUDE_FORBID_EXPEL -debar ABSTAIN_AVOID_REFRAIN STOP PRECLUDE_FORBID_EXPEL -head_off ABSTAIN_AVOID_REFRAIN -obviar ABSTAIN_AVOID_REFRAIN PRECLUDE_FORBID_EXPEL -esquivar ABSTAIN_AVOID_REFRAIN DIP_DIVE -prohibir ABSTAIN_AVOID_REFRAIN PRECLUDE_FORBID_EXPEL -alejar ABSTAIN_AVOID_REFRAIN REMOVE_TAKE-AWAY_KIDNAP DISMISS_FIRE-SMN DRIVE-BACK -fend_off ABSTAIN_AVOID_REFRAIN -forefend ABSTAIN_AVOID_REFRAIN -prévenir ABSTAIN_AVOID_REFRAIN WARN -atajar ABSTAIN_AVOID_REFRAIN MESS REDUCE_DIMINISH -stave_off ABSTAIN_AVOID_REFRAIN -avert ABSTAIN_AVOID_REFRAIN TURN_CHANGE-DIRECTION -apartar_la_vista TURN_CHANGE-DIRECTION -détourner TURN_CHANGE-DIRECTION STEAL_DEPRIVE -turn_away TURN_CHANGE-DIRECTION DRIVE-BACK -avianize CHANGE_SWITCH -avianise CHANGE_SWITCH -pilotar MOVE-BY-MEANS-OF DIRECT_AIM_MANEUVER -pilot MOVE-BY-MEANS-OF DIRECT_AIM_MANEUVER -fly CAUSE-MENTAL-STATE CARRY_TRANSPORT SPEND-TIME_PASS-TIME TRAVEL HIT MOVE-BY-MEANS-OF FLY LEAVE_DEPART_RUN-AWAY DISAPPEAR CIRCULATE_SPREAD_DISTRIBUTE -aviate MOVE-BY-MEANS-OF -pilotear MOVE-BY-MEANS-OF -volar_aviones MOVE-BY-MEANS-OF -volar CARRY_TRANSPORT SPEND-TIME_PASS-TIME TRAVEL MOVE-BY-MEANS-OF FLY LEAVE_DEPART_RUN-AWAY DISAPPEAR GO-FORWARD -keep_off ABSTAIN_AVOID_REFRAIN -sortear ABSTAIN_AVOID_REFRAIN OFFER -éviter ABSTAIN_AVOID_REFRAIN -confesar RECOGNIZE_ADMIT_IDENTIFY -avouch RECOGNIZE_ADMIT_IDENTIFY -avulse SEPARATE_FILTER_DETACH -await WAIT -aguardar GIVE-BIRTH WAIT -s'attendre_à WAIT -escompter WAIT -wait WAIT WORK -esperar_con_expectación WAIT -premiar GIVE_GIFT APPROVE_PRAISE -award GIVE_GIFT -galardonar GIVE_GIFT -attribuer GIVE_GIFT -conférer GIVE_GIFT DISCUSS -laurear GIVE_GIFT APPROVE_PRAISE -awe CAUSE-MENTAL-STATE -aterrorizar CAUSE-MENTAL-STATE OBLIGE_FORCE -recortar REMOVE_TAKE-AWAY_KIDNAP DISMISS_FIRE-SMN CUT RETAIN_KEEP_SAVE-MONEY REDUCE_DIMINISH SHAPE -hachear CUT SHAPE HIT -axe CUT STOP -ax CUT STOP -terminar CLOSE FINISH_CONCLUDE_END STOP SATISFY_FULFILL DISBAND_BREAK-UP BREAK_DETERIORATE RESULT_CONSEQUENCE SETTLE_CONCILIATE -azure COLOR -bleat MAKE-A-SOUND SPEAK -gimotear MAKE-A-SOUND SPEAK CRY OPPOSE_REBEL_DISSENT -blat MAKE-A-SOUND -balar MAKE-A-SOUND -blate MAKE-A-SOUND -baa MAKE-A-SOUND -babbitt FILL -guggle MAKE-A-SOUND DRINK FLOW -ripple FLOW MOVE-SOMETHING -bubble EMIT CHANGE-APPEARANCE/STATE EXCRETE RAISE FLOW -burble FLOW -murmurar MAKE-A-SOUND SPEAK FLOW OPPOSE_REBEL_DISSENT -babble SPEAK FLOW -gurgle SPEAK MAKE-A-SOUND DRINK FLOW -gorgotear DRINK FLOW -blab SPEAK -delatar ACCUSE BETRAY SPEAK CRITICIZE -let_the_cat_out_of_the_bag SPEAK -spill_the_beans SPEAK -blab_out SPEAK -talk SPEAK -mascullar SPEAK -babble_out SPEAK -cantar MAKE-A-SOUND DECREE_DECLARE INFORM SHOUT SPEAK PERFORM SING -cotillear REVEAL SPEAK -peach SPEAK -tattle SPEAK -sing MAKE-A-SOUND SPEAK SING -parlotear SPEAK DECEIVE -smatter SPEAK WORK -blither SPEAK -charlar REVEAL SPEAK DISCUSS -blether SPEAK -blather SPEAK -charlatanear SPEAK -charlotear SPEAK -balbucear PRONOUNCE SPEAK -choyer TREAT -indulge TREAT CARRY-OUT-ACTION ENJOY CAUSE-MENTAL-STATE -pamper TREAT -mimar TREAT HELP_HEAL_CARE_CURE TOUCH SIMULATE SIGN -gâter TREAT -baby TREAT -featherbed TREAT HIRE -chouchouter TREAT -cocker TREAT -coddle TREAT COOK -mollycoddle TREAT -dorloter TREAT -spoil TREAT DESTROY REQUIRE_NEED_WANT_HOPE MESS PRECLUDE_FORBID_EXPEL DEBASE_ADULTERATE SPOIL -cosset TREAT -malcriar TREAT -baby-sit WATCH_LOOK-OUT -faire_du_baby-sitting WATCH_LOOK-OUT -hacer_de_canguro WATCH_LOOK-OUT -sit WATCH_LOOK-OUT WORK LIE MOVE-BY-MEANS-OF ASSIGN-smt-to-smn -bachelor EXIST_LIVE -bach EXIST_LIVE -back TURN_CHANGE-DIRECTION FOLLOW_SUPPORT_SPONSOR_FUND BORDER MOVE-BACK PROVE BID STRENGTHEN_MAKE-RESISTANT -soutenir AUTHORIZE_ADMIT FOLLOW_SUPPORT_SPONSOR_FUND HELP_HEAL_CARE_CURE STABILIZE_SUPPORT-PHYSICALLY -endorse FOLLOW_SUPPORT_SPONSOR_FUND WRITE GUARANTEE_ENSURE_PROMISE -indorse FOLLOW_SUPPORT_SPONSOR_FUND WRITE GUARANTEE_ENSURE_PROMISE -segundar FOLLOW_SUPPORT_SPONSOR_FUND -secundar FOLLOW_SUPPORT_SPONSOR_FUND STRENGTHEN_MAKE-RESISTANT MOVE-BACK -respaldar FOLLOW_SUPPORT_SPONSOR_FUND STABILIZE_SUPPORT-PHYSICALLY HELP_HEAL_CARE_CURE ARGUE-IN-DEFENSE -endosar FOLLOW_SUPPORT_SPONSOR_FUND WRITE INSERT -appuyer FOLLOW_SUPPORT_SPONSOR_FUND -second ASSIGN-smt-to-smn FOLLOW_SUPPORT_SPONSOR_FUND -reculer DELAY WORSEN MOVE-BACK -rétrograder WORSEN MOVE-BACK DISCUSS -retroceder PLAY_SPORT/GAME TYPE MOVE-BACK DRIVE-BACK WORSEN -hacer_volver MOVE-BACK -back_up STOP HELP_HEAL_CARE_CURE COPY MOVE-BACK PROVE -punt SHOOT_LAUNCH_PROPEL BID HIT -bet_on BID -gage BID -game BID -plunk_for FOLLOW_SUPPORT_SPONSOR_FUND -plump_for FOLLOW_SUPPORT_SPONSOR_FUND -crawfish ABSTAIN_AVOID_REFRAIN -retreat ABSTAIN_AVOID_REFRAIN ISOLATE MOVE-BACK -pull_back OPEN ABSTAIN_AVOID_REFRAIN DRIVE-BACK MOVE-BACK EXTEND -back_out ABSTAIN_AVOID_REFRAIN MOVE-BACK -recular ABSTAIN_AVOID_REFRAIN MOVE-BACK -crawfish_out ABSTAIN_AVOID_REFRAIN -back_away ABSTAIN_AVOID_REFRAIN -pull_in_one's_horns ABSTAIN_AVOID_REFRAIN -acobardarse RESIGN_RETIRE -bow_out RESIGN_RETIRE -tirer_sa_révérence RESIGN_RETIRE -back_off RESIGN_RETIRE MOVE-BACK -rajarse BREAK_DETERIORATE RESIGN_RETIRE EXPLODE -pull_out REMOVE_TAKE-AWAY_KIDNAP RESIGN_RETIRE LEAVE_DEPART_RUN-AWAY -back_down RESIGN_RETIRE MOVE-BACK -amedrentarse CAUSE-MENTAL-STATE RESIGN_RETIRE -chicken_out RESIGN_RETIRE -choke_off STOP RETAIN_KEEP_SAVE-MONEY -obstruir SLOW-DOWN STOP CLOUD_SHADOW_HIDE -atorar STOP -clog_up STOP -foul DIRTY STOP FAIL_LOSE VIOLATE -congest STOP -clog AMASS STOP DANCE SLOW-DOWN -congestionar STOP -atascar STOP SLOW-DOWN -empantanar STOP -atrancar LOAD_PROVIDE_CHARGE_FURNISH STOP SECURE_FASTEN_TIE -poner_a_parir OFFEND_DISESTEEM -bitch OFFEND_DISESTEEM OPPOSE_REBEL_DISSENT -backbite OFFEND_DISESTEEM -backcross HAVE-SEX -backdate LOCATE-IN-TIME_DATE -backfire BURN MAKE-A-SOUND MOVE-BACK -recoil MOVE-BACK DRIVE-BACK -backlash MOVE-BACK -petardear MAKE-A-SOUND STEAL_DEPRIVE -play_down DOWNPLAY_HUMILIATE -minimizar REDUCE_DIMINISH DOWNPLAY_HUMILIATE -background DOWNPLAY_HUMILIATE -downplay DOWNPLAY_HUMILIATE -mimetizar DOWNPLAY_HUMILIATE -backhand HIT -hacer_un_revés HIT -backlog AMASS -mochilear TRAVEL -backpack TRAVEL -pack CLOSE AMASS CARRY_TRANSPORT TRAVEL ENCLOSE_WRAP INSERT FILL PRESS_PUSH_FOLD ESTABLISH -backpedal ADJUST_CORRECT MOVE-BACK -pedalear_al_revés MOVE-BACK -backscatter COVER_SPREAD_SURMOUNT -backslap BEHAVE -lapse FALL_SLIDE-DOWN FINISH_CONCLUDE_END SPEND-TIME_PASS-TIME CHANGE-APPEARANCE/STATE WORSEN REDUCE_DIMINISH -backslide REDUCE_DIMINISH -backspace TYPE -pespuntar SEW -backstitch SEW -backstop STOP -backstroke DIP_DIVE -backtrack MOVE-BACK -repasar CREATE_MATERIALIZE SUBJECTIVE-JUDGING AMELIORATE MOVE-BACK VERIFY -desandar REMEMBER MOVE-BACK -double_back MOVE-BACK -bacterise AFFECT -bacterize AFFECT -badge LOAD_PROVIDE_CHARGE_FURNISH -asignar_un_distintivo LOAD_PROVIDE_CHARGE_FURNISH -joder CAUSE-MENTAL-STATE HAVE-SEX -jorobar CAUSE-MENTAL-STATE -bug CAUSE-MENTAL-STATE DECEIVE -pester CAUSE-MENTAL-STATE -beleaguer CAUSE-MENTAL-STATE ENCLOSE_WRAP -burlar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN DECEIVE DEFEAT JOKE REFUSE OFFEND_DISESTEEM OVERCOME_SURPASS -tease CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN STRAIGHTEN SEPARATE_FILTER_DETACH WEAVE BREAK_DETERIORATE JOKE OFFEND_DISESTEEM RAISE -acosar CAUSE-MENTAL-STATE EXHAUST FACE_CHALLENGE PERSUADE ATTACK_BOMB -badger CAUSE-MENTAL-STATE PERSUADE -hostigar CAUSE-MENTAL-STATE FACE_CHALLENGE -badmouth OFFEND_DISESTEEM -malign OFFEND_DISESTEEM -drag_through_the_mud OFFEND_DISESTEEM -traduce OFFEND_DISESTEEM -regulate ADJUST_CORRECT INFLUENCE ANALYZE -thwart PRECLUDE_FORBID_EXPEL -scotch CUT PRECLUDE_FORBID_EXPEL -frustrate TREAT PRECLUDE_FORBID_EXPEL -dificultar STOP PRECLUDE_FORBID_EXPEL GUESS -impedir STOP PRECLUDE_FORBID_EXPEL -desbaratar PRECLUDE_FORBID_EXPEL DESTROY DEFEAT -cross EXTEND MOVE-SOMETHING REACH OVERLAP PRECLUDE_FORBID_EXPEL GIVE-BIRTH PAINT OVERCOME_SURPASS -malograr PRECLUDE_FORBID_EXPEL -estropear DESTROY MESS PRECLUDE_FORBID_EXPEL BREAK_DETERIORATE DEBASE_ADULTERATE WORSEN -queer PRECLUDE_FORBID_EXPEL ENDANGER -frustrar TREAT REFUSE STOP PRECLUDE_FORBID_EXPEL -foil COVER_SPREAD_SURMOUNT PRECLUDE_FORBID_EXPEL OVERCOME_SURPASS -bilk ABSTAIN_AVOID_REFRAIN DECEIVE PRECLUDE_FORBID_EXPEL LEAVE_DEPART_RUN-AWAY -defraudar ABSTAIN_AVOID_REFRAIN DECEIVE PRECLUDE_FORBID_EXPEL FRUSTRATE_DISAPPOINT STEAL_DEPRIVE -estafar ABSTAIN_AVOID_REFRAIN DECEIVE PRECLUDE_FORBID_EXPEL STEAL_DEPRIVE -bag HANG CATCH INSERT FILL STEAL_DEPRIVE -ensacar INSERT -derribar FALL_SLIDE-DOWN STOP DESTROY CATCH SPEND-TIME_PASS-TIME OPPOSE_REBEL_DISSENT DEFEAT KNOCK-DOWN PRESS_PUSH_FOLD SHOOT_LAUNCH_PROPEL -bulge FILL BULGE-OUT -pandearse FILL -hincharse CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY FILL FLOW -embolsarse STEAL_DEPRIVE -pocket PUT_APPLY_PLACE_PAVE STEAL_DEPRIVE -embolsillarse STEAL_DEPRIVE -embolsar PUT_APPLY_PLACE_PAVE EARN STEAL_DEPRIVE -colgar SHOW STOP HANG MOVE-SOMETHING NAME KILL LIE PUBLISH PUT_APPLY_PLACE_PAVE -bail LIBERATE_ALLOW_AFFORD GIVE_GIFT PROTECT EMPTY_UNLOAD -bale_out EMPTY_UNLOAD -bail_out LIBERATE_ALLOW_AFFORD EMPTY_UNLOAD -achicar EMPTY_UNLOAD STOP COMPARE -bait OFFEND_DISESTEEM LURE_ENTICE ATTACK_BOMB -atosigar ASSIGN-smt-to-smn CAUSE-MENTAL-STATE LURE_ENTICE ATTACK_BOMB -taunt OFFEND_DISESTEEM -charrier OFFEND_DISESTEEM -cod OFFEND_DISESTEEM DECEIVE -ride EXIST-WITH-FEATURE MOVE-ONESELF CONTINUE IMPLY TRAVEL LIE HAVE-SEX MOVE-BY-MEANS-OF STABILIZE_SUPPORT-PHYSICALLY PRESS_PUSH_FOLD OFFEND_DISESTEEM RAISE -tantalise OFFEND_DISESTEEM -recochinearse OFFEND_DISESTEEM -pitorrearse OFFEND_DISESTEEM -tantalize OFFEND_DISESTEEM -chotearse OFFEND_DISESTEEM -razz OFFEND_DISESTEEM -twit OFFEND_DISESTEEM -chungearse OFFEND_DISESTEEM -morue OFFEND_DISESTEEM DECEIVE -tomar_el_pelo OFFEND_DISESTEEM JOKE DECEIVE AROUSE_WAKE_ENLIVEN -mofarse OFFEND_DISESTEEM JOKE LAUGH -rally AMASS SUMMON OFFEND_DISESTEEM GROUP RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -befarse OFFEND_DISESTEEM -burlarse OFFEND_DISESTEEM JOKE LAUGH -chancearse OFFEND_DISESTEEM -criticar_constantemente OFFEND_DISESTEEM -cachondearse OFFEND_DISESTEEM LAUGH -asar COOK -hornear CHANGE-APPEARANCE/STATE COOK -asarse COOK -cuire_au_four COOK -bake HEAT COOK -enhornar COOK -cocer HEAT BURN COOK -broil HEAT COOK -nivelar CATCH ADJUST_CORRECT FLATTEN_SMOOTHEN COMPENSATE -equilibrate COMPENSATE -equilibrar CATCH ADJUST_CORRECT COMPENSATE -equilibrize COMPENSATE -equilibrise COMPENSATE -balance CATCH COMPENSATE -poise CATCH STOP PREPARE COMPENSATE -balancear CATCH TRAVEL MOVE-SOMETHING -équilibrer COMPENSATE -boucler CAGE_IMPRISON COMPENSATE -balancer COMPENSATE -hacer_balance COMPENSATE -hacer_arqueo COMPENSATE -saldar CORRUPT PAY COMPENSATE SELL -cuadrar MATCH FLATTEN_SMOOTHEN COMPENSATE SHAPE -apurer COMPENSATE -bald CHANGE-APPEARANCE/STATE -volverse_calvo CHANGE-APPEARANCE/STATE -embalar PUT_APPLY_PLACE_PAVE INSERT AMASS ENCLOSE_WRAP -bale AMASS -resistirse REFUSE OPPOSE_REBEL_DISSENT RESIST -plantarse REFUSE -balk REFUSE -jib TURN_CHANGE-DIRECTION REFUSE -negarse REFUSE -resist REFUSE OPPOSE_REBEL_DISSENT RESIST -rehusar REFUSE -baulk REFUSE -balkanise SEPARATE_FILTER_DETACH -balkanize SEPARATE_FILTER_DETACH -ovillar ROLL SHAPE -ball SHAPE -aovillar SHAPE -enrouler SHAPE -enrollar FALL_SLIDE-DOWN AMASS MOVE-ONESELF CREATE_MATERIALIZE ROLL SHAPE -aturdir CAUSE-MENTAL-STATE DECEIVE HIT -floor CAUSE-MENTAL-STATE KNOCK-DOWN -ball_over CAUSE-MENTAL-STATE -take_aback CAUSE-MENTAL-STATE -blow_out_of_the_water CAUSE-MENTAL-STATE -apelotonar MESS GROUP -fuck_up MESS -bollocks MESS -fumble MOVE-SOMETHING GO-FORWARD MESS FAIL_LOSE FEEL -arruinar DESTROY MESS FAIL_LOSE DEBASE_ADULTERATE -bungle MESS -ball_up MESS -flub MESS -chapucear MESS -muff MESS FAIL_LOSE -bollix MESS -screw_up MESS RAISE AROUSE_WAKE_ENLIVEN SHAPE -muck_up DIRTY MESS -louse_up MESS -bollix_up MESS -foul_up MESS -pifiar MESS MISTAKE -bollocks_up MESS -bodge MESS -cagarla MESS -mess_up MESS -botch_up MESS -bumble MESS SPEAK MOVE-ONESELF -fluff MESS RAISE -joderla MESS MISTAKE -blow BEHAVE REVEAL REST MESS WASTE EXPLODE TRAVEL BREAK_DETERIORATE HAVE-SEX GIVE-BIRTH LEAVE_DEPART_RUN-AWAY AIR PERFORM BREATH_BLOW SHAPE -botch MESS -mishandle MESS MANAGE -bobble MESS -lastrar STABILIZE_SUPPORT-PHYSICALLY -ballast STABILIZE_SUPPORT-PHYSICALLY -balloon MOVE-BY-MEANS-OF INCREASE_ENLARGE_MULTIPLY -volar_en_globo MOVE-BY-MEANS-OF -inflar AROUSE_WAKE_ENLIVEN MOVE-SOMETHING INCREASE_ENLARGE_MULTIPLY FILL BULGE-OUT -billow RAISE INCREASE_ENLARGE_MULTIPLY TRAVEL GO-FORWARD -votar CHOOSE INFLUENCE GUARANTEE_ENSURE_PROMISE -balotar CHOOSE -ballot CHOOSE -ballyhoo PUBLICIZE -dar_bombo PUBLICIZE -ballyrag SUBJUGATE -browbeat SUBJUGATE OBLIGE_FORCE -intimidar SUBJUGATE OBLIGE_FORCE INFLUENCE CAUSE-MENTAL-STATE -push_around SUBJUGATE -faire_violence_à SUBJUGATE TREAT -boss_around SUBJUGATE -bullyrag SUBJUGATE -bully SUBJUGATE OBLIGE_FORCE -strong-arm SUBJUGATE TREAT -hector SUBJUGATE -lead_by_the_nose DECEIVE -snow METEOROLOGICAL DECEIVE -pull_the_wool_over_someone's_eyes DECEIVE -bamboozle DECEIVE -engañar AROUSE_WAKE_ENLIVEN DECEIVE JOKE BETRAY OVERCOME_SURPASS STEAL_DEPRIVE -embrouiller MESS DECEIVE -hoodwink DECEIVE -play_false DECEIVE -ostracize ABSTAIN_AVOID_REFRAIN DRIVE-BACK -bannir DRIVE-BACK -retrancher REMOVE_TAKE-AWAY_KIDNAP CONQUER SECURE_FASTEN_TIE DRIVE-BACK VIOLATE -ban PRECLUDE_FORBID_EXPEL DRIVE-BACK -blackball REFUSE DRIVE-BACK -proscrire DRIVE-BACK -desterrar DRIVE-BACK -marginar ABSTAIN_AVOID_REFRAIN DRIVE-BACK -shun ABSTAIN_AVOID_REFRAIN DRIVE-BACK -cast_out DISCARD DRIVE-BACK -ostraciser DRIVE-BACK -exiler DRIVE-BACK -expeler CANCEL_ELIMINATE SHOOT_LAUNCH_PROPEL DRIVE-BACK LEAVE_DEPART_RUN-AWAY DISMISS_FIRE-SMN -excommunier DRIVE-BACK -ostracise ABSTAIN_AVOID_REFRAIN DRIVE-BACK -expulser DRIVE-BACK -blackbouler REFUSE DRIVE-BACK -expulsar REMOVE_TAKE-AWAY_KIDNAP CANCEL_ELIMINATE SHOOT_LAUNCH_PROPEL DEFEAT DRIVE-BACK LEAVE_DEPART_RUN-AWAY PRESS_PUSH_FOLD DISCARD DISMISS_FIRE-SMN SHAPE -banish DRIVE-BACK -censurar STOP AFFIRM SUBJECTIVE-JUDGING DECREE_DECLARE PRECLUDE_FORBID_EXPEL CANCEL_ELIMINATE CRITICIZE REPRIMAND OBLIGE_FORCE -censor PRECLUDE_FORBID_EXPEL -band SECURE_FASTEN_TIE SIGNAL_INDICATE -ring MAKE-A-SOUND REPEAT ENCLOSE_WRAP COMMUNICATE_CONTACT PERFORM SIGNAL_INDICATE -anillar SIGNAL_INDICATE -vendar ENCLOSE_WRAP PUT_APPLY_PLACE_PAVE SECURE_FASTEN_TIE BLIND -precintar CLOSE SECURE_FASTEN_TIE -fajar DRESS_WEAR ENCLOSE_WRAP VERIFY SECURE_FASTEN_TIE -band_oneself ALLY_ASSOCIATE_MARRY -league_together ALLY_ASSOCIATE_MARRY -confederarse ALLY_ASSOCIATE_MARRY -confederate ALLY_ASSOCIATE_MARRY -band_together ALLY_ASSOCIATE_MARRY -bandage ENCLOSE_WRAP -zurrarse FIGHT -bandy FIGHT THROW DISCUSS -kick_around TREAT EXIST_LIVE DISCUSS -fintar PRETEND DISCUSS -dar_vueltas_a DISCUSS -bandy_about DISCUSS -cerrar_ruidosamente HIT -bang HAVE-SEX MAKE-A-SOUND CLOSE HIT -golpear_violentamente HIT -slam THROW CLOSE DANCE HIT -golpear MAKE-A-SOUND MOVE-ONESELF MOVE-SOMETHING ATTACK_BOMB HIT PRESS_PUSH_FOLD TOUCH PERFORM AFFECT SHAPE -be_intimate HAVE-SEX -garchar HAVE-SEX -niquer HAVE-SEX -do_it HAVE-SEX -get_it_on HAVE-SEX -encantar CAUSE-MENTAL-STATE LURE_ENTICE MANAGE STOP BEWITCH LIKE HAVE-SEX ATTRACT_SUCK -fuck HAVE-SEX -have_a_go_at_it HAVE-SEX -pichar HAVE-SEX -dormir SLEEP HAVE-SEX REST DRIVE-BACK -tener_sexo HAVE-SEX -copular HAVE-SEX -tirar CAUSE-MENTAL-STATE DROP MANAGE MOUNT_ASSEMBLE_PRODUCE MOVE-SOMETHING GO-FORWARD THROW HAVE-SEX KNOCK-DOWN PULL LEAVE_DEPART_RUN-AWAY AIR DISCARD PUT_APPLY_PLACE_PAVE SHOOT_LAUNCH_PROPEL EXTEND -get_laid HAVE-SEX -make_out FACE_CHALLENGE AFFIRM IMPLY PUBLISH WRITE HAVE-SEX RESULT_CONSEQUENCE PERCEIVE UNDERSTAND -bonk HAVE-SEX HIT -culear HAVE-SEX -follar GROW_PLOW HAVE-SEX -acostarse SLEEP HAVE-SEX LIE -have_sex HAVE-SEX -coucher PUT_APPLY_PLACE_PAVE HAVE-SEX -have_it_off HAVE-SEX -faire_zizi-panpan HAVE-SEX -vergar HAVE-SEX -hacer_el_amor HAVE-SEX LIKE -conocer MEET HAVE-SEX KNOW -lever OPEN HAVE-SEX RAISE -faire_crac-crac HAVE-SEX -baiser TOUCH HAVE-SEX -follarse HAVE-SEX -sleep_with HAVE-SEX -have_it_away HAVE-SEX -jouer_à_zizi-panpan HAVE-SEX -make_love HAVE-SEX -bed LOAD_PROVIDE_CHARGE_FURNISH SLEEP HAVE-SEX PUT_APPLY_PLACE_PAVE -love HAVE-SEX LIKE -roll_in_the_hay HAVE-SEX -copuler HAVE-SEX -cachar HAVE-SEX -forniquer HAVE-SEX -hump HAVE-SEX BEND -screw TURN_CHANGE-DIRECTION DECEIVE SECURE_FASTEN_TIE HAVE-SEX HOLE_PIERCE -eff HAVE-SEX -tirarse FALL_SLIDE-DOWN HAVE-SEX GO-FORWARD -cepillarse REMOVE_TAKE-AWAY_KIDNAP HAVE-SEX WASH_CLEAN -chingar HAVE-SEX -have_intercourse HAVE-SEX -jazz HAVE-SEX PERFORM -sleep_together HAVE-SEX -lie_with HAVE-SEX -jalar REMOVE_TAKE-AWAY_KIDNAP FIGHT HAVE-SEX OPERATE -faire_l'amour HAVE-SEX -rebotar MOVE-ONESELF START-FUNCTIONING HIT JUMP MOVE-BACK -spang HIT -moverse_estruendosamente MAKE-A-SOUND -dar_un_portazo CLOSE -aporrear MAKE-A-SOUND MOVE-ONESELF HIT TOUCH PERFORM -bang_out PERFORM -fertilizar AROUSE_WAKE_ENLIVEN HAVE-SEX INSERT GROW_PLOW -prang_up HAVE-SEX -impregnate AROUSE_WAKE_ENLIVEN HAVE-SEX FILL -bang_up HAVE-SEX DESTROY -empreñar HAVE-SEX -embarazar HAVE-SEX -dejar_embarazada HAVE-SEX -fecundar AROUSE_WAKE_ENLIVEN HAVE-SEX INSERT -impregnar HAVE-SEX FILL -preñar HAVE-SEX -knock_up HAVE-SEX -destrozar CAUSE-MENTAL-STATE HURT_HARM_ACHE DESTROY CRITICIZE DEFEAT BREAK_DETERIORATE HIT -smash CAUSE-MENTAL-STATE DESTROY DISBAND_BREAK-UP FAIL_LOSE HIT BREAK_DETERIORATE -hacer_pedazos DESTROY DEFEAT -smash_up DESTROY -quebrar FAIL_LOSE SEPARATE_FILTER_DETACH DESTROY VIOLATE -relegate ASSIGN-smt-to-smn ASK_REQUEST SORT_CLASSIFY_ARRANGE DRIVE-BACK -bar STOP SECURE_FASTEN_TIE PRECLUDE_FORBID_EXPEL DRIVE-BACK -ser_la_banca PLAY_SPORT/GAME -faire_le_banquier PLAY_SPORT/GAME -bank PLAY_SPORT/GAME WORK COVER_SPREAD_SURMOUNT RETAIN_KEEP_SAVE-MONEY ENCLOSE_WRAP DIRECT_AIM_MANEUVER CARRY-OUT-ACTION RELY -confiar REVEAL REQUIRE_NEED_WANT_HOPE AUTHORIZE_ADMIT BELIEVE PULL GIVE_GIFT RELY -fiarse AUTHORIZE_ADMIT RELY -fiar RELY BELIEVE -faire_confiance RELY -trust REQUIRE_NEED_WANT_HOPE AUTHORIZE_ADMIT BELIEVE GIVE_GIFT RELY -rely RELY -s'incliner DIRECT_AIM_MANEUVER -depositar BE-LOCATED_BASE RETAIN_KEEP_SAVE-MONEY LIE HOLE_PIERCE PUT_APPLY_PLACE_PAVE ADD -déposer RETAIN_KEEP_SAVE-MONEY -deposit HOLE_PIERCE PUT_APPLY_PLACE_PAVE RETAIN_KEEP_SAVE-MONEY -mettre_en_banque CARRY-OUT-ACTION -operar_en_bancos CARRY-OUT-ACTION -ir_al_banco CARRY-OUT-ACTION -embancar ENCLOSE_WRAP -bankroll PAY -bankrupt FAIL_LOSE -break ALTERNATE DEVELOP_AGE REVEAL BREAK_DETERIORATE PROVE WEAKEN TURN_CHANGE-DIRECTION CAUSE-MENTAL-STATE DIVIDE DISBAND_BREAK-UP FAIL_LOSE ROLL SUBJUGATE PUBLICIZE LEAVE_DEPART_RUN-AWAY STOP FINISH_CONCLUDE_END BEGIN DESTROY APPEAR SOLVE CANCEL_ELIMINATE EMIT CHANGE-APPEARANCE/STATE CHANGE_SWITCH HOLE_PIERCE REDUCE_DIMINISH AMELIORATE SEPARATE_FILTER_DETACH HAPPEN_OCCUR ASSIGN-smt-to-smn DANCE VIOLATE -ruin DESTROY HAVE-SEX FAIL_LOSE -hacer_quebrar FAIL_LOSE -banquet EAT_BITE COOK -junket EAT_BITE COOK TRAVEL -banquetear EAT_BITE COOK -faire_bombance EAT_BITE COOK TRAVEL -feast CAUSE-MENTAL-STATE EAT_BITE COOK -jolly JOKE -torear JOKE -josh JOKE -bromear BEHAVE JOKE -kid JOKE -banter JOKE -chaff JOKE -cristianar COMMUNE -baptize COMMUNE -bautizar NAME COMMUNE -baptise COMMUNE -christen COMMUNE -block_off STOP -blockade STOP -barricade STOP -barrer REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE STOP ATTACK_BOMB TRAVEL CANCEL_ELIMINATE DEFEAT ISOLATE WASH_CLEAN SHOOT_LAUNCH_PROPEL -block REMEMBER STOP PRINT CLOUD_SHADOW_HIDE SHAPE -obstaculizar STOP -block_up STOP -bloquear STOP CLOUD_SHADOW_HIDE -se_mettre_en_travers STOP -exclude MISS_OMIT_LACK STOP PRECLUDE_FORBID_EXPEL DRIVE-BACK -excluir MISS_OMIT_LACK STOP PRECLUDE_FORBID_EXPEL REFUSE DRIVE-BACK DISMISS_FIRE-SMN -bar_hop TRAVEL -pub-crawl TRAVEL -ir_de_copas TRAVEL -bar_mitzvah COMMUNE -barb LOAD_PROVIDE_CHARGE_FURNISH -barbarize WORSEN -barbarizarse WORSEN -barbarise WORSEN -barbarizar WORSEN -barbeque COOK -asar_a_la_parrilla COOK -barbecue COOK -griller COOK -cuire_au_barbecue COOK -cook_out COOK -barber WORK -caparison EMBELLISH -bard EMBELLISH -engualdrapar EMBELLISH -barde EMBELLISH -despejar REMOVE_TAKE-AWAY_KIDNAP CUT LIGHTEN EXCRETE PULL CLOUD_SHADOW_HIDE -desvestir REMOVE_TAKE-AWAY_KIDNAP SHOW -pelar REMOVE_TAKE-AWAY_KIDNAP GROUP REDUCE_DIMINISH -strip REMOVE_TAKE-AWAY_KIDNAP EMPTY_UNLOAD STEAL_DEPRIVE -desnudar REMOVE_TAKE-AWAY_KIDNAP SHOW EMPTY_UNLOAD STEAL_DEPRIVE -despojar REMOVE_TAKE-AWAY_KIDNAP DESTROY STEAL_DEPRIVE -denudar REMOVE_TAKE-AWAY_KIDNAP -denude REMOVE_TAKE-AWAY_KIDNAP -denudate REMOVE_TAKE-AWAY_KIDNAP -renarder EXCRETE -dégobiller EXCRETE -écorcher_le_renard EXCRETE -avoir_des_haut-le-cœur EXCRETE TRY -cat EXCRETE HIT -vómito EXCRETE -dégorger EXCRETE -débagouler EXCRETE -vomir EXCRETE SHOOT_LAUNCH_PROPEL -rejeter REFUSE STOP EXCRETE CANCEL_ELIMINATE -spue EXCRETE -spew EXCRETE SHOOT_LAUNCH_PROPEL -regurgitate SPILL_POUR EXCRETE REPEAT -purge CHANGE-APPEARANCE/STATE EXCRETE DRIVE-BACK WASH_CLEAN LIBERATE_ALLOW_AFFORD -retch EXCRETE TRY -dégueuler EXCRETE SHOOT_LAUNCH_PROPEL -gerber EXCRETE -devolver PAY HIT EXCRETE MOVE-BACK DEBASE_ADULTERATE GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -débecter EXCRETE -regorge EXCRETE -vomit EXCRETE -honk MAKE-A-SOUND EXCRETE -restituer EXCRETE -cast CREATE_MATERIALIZE CHOOSE THROW ASSIGN-smt-to-smn RETAIN_KEEP_SAVE-MONEY TRAVEL SPEAK EXCRETE DIRECT_AIM_MANEUVER DISCARD -be_sick EXCRETE -barf EXCRETE -sick EXCRETE -aller_au_renard EXCRETE -vomitar EMIT EXCRETE TRY SHOOT_LAUNCH_PROPEL -rosse EXCRETE HIT -chuck DISCARD THROW TOUCH EXCRETE -puke EXCRETE -throw_up EXCRETE -rendre_gorge EXCRETE -vomit_up EXCRETE -piquer_un_renard EXCRETE -arrojar MOVE-ONESELF MOVE-SOMETHING THROW WASTE EMIT CAUSE-SMT EXCRETE LEAVE_DEPART_RUN-AWAY DISCARD SHOOT_LAUNCH_PROPEL GO-FORWARD -disgorge EMPTY_UNLOAD EXCRETE -rendre EXCRETE -upchuck EXCRETE -negociar OVERCOME_SURPASS DISCUSS NEGOTIATE SETTLE_CONCILIATE -bargain NEGOTIATE SETTLE_CONCILIATE -négocier NEGOTIATE -marchander NEGOTIATE -dicker NEGOTIATE -bargain_down PERSUADE -beat_down LIGHT_SHINE PERSUADE DRIVE-BACK -navegar SEARCH CARRY_TRANSPORT TRAVEL MOVE-BY-MEANS-OF DIRECT_AIM_MANEUVER GO-FORWARD -transportar_en_barcaza CARRY_TRANSPORT -barge CARRY_TRANSPORT GO-FORWARD -irrumpir BEGIN APPEAR GO-FORWARD -thrust_ahead GO-FORWARD -push_forward GO-FORWARD -inmiscuirse SEARCH CRITICIZE VIOLATE -barge_in SPEAK VIOLATE -gate-crash VIOLATE -crash FALL_SLIDE-DOWN OVERCOME_SURPASS MAKE-A-SOUND STOP DESTROY THROW STAY_DWELL BREAK_DETERIORATE REDUCE_DIMINISH GO-FORWARD VIOLATE -entrometerse SEARCH SPEAK CRITICIZE VIOLATE -chime_in SPEAK -tomar_parte SPEAK PARTICIPATE -meterse SEARCH INSERT SPEAK DRINK -butt_in SPEAK -cut_in COMBINE_MIX_UNITE AUTHORIZE_ADMIT MOVE-BY-MEANS-OF SPEAK VIOLATE -break_in CAUSE-MENTAL-STATE BEGIN BREAK_DETERIORATE SUBJUGATE SPEAK VIOLATE -chisel_in SPEAK -put_in MOUNT_ASSEMBLE_PRODUCE RETAIN_KEEP_SAVE-MONEY INSERT SPEAK ASK_REQUEST -descortezar REMOVE_TAKE-AWAY_KIDNAP -skin REMOVE_TAKE-AWAY_KIDNAP RAISE HURT_HARM_ACHE -bark REMOVE_TAKE-AWAY_KIDNAP MAKE-A-SOUND COVER_SPREAD_SURMOUNT SPEAK COLOR -ladrar MAKE-A-SOUND SPEAK -aboyer MAKE-A-SOUND -barnstorm TRAVEL WORK -baronetise ASSIGN-smt-to-smn -hacer_baronet ASSIGN-smt-to-smn -baronetize ASSIGN-smt-to-smn -exhort INCITE_INDUCE OBLIGE_FORCE -jalear INCITE_INDUCE SHOUT -alegrar EXIST-WITH-FEATURE CAUSE-MENTAL-STATE INCITE_INDUCE -root_on INCITE_INDUCE -barrack INCITE_INDUCE LAUGH STAY_DWELL -pep_up AROUSE_WAKE_ENLIVEN INCITE_INDUCE -urge_on INCITE_INDUCE OBLIGE_FORCE -dar_ánimos CAUSE-MENTAL-STATE INCITE_INDUCE -cheer CAUSE-MENTAL-STATE INCITE_INDUCE APPROVE_PRAISE -jeer LAUGH -rechiflar LAUGH -scoff REFUSE LAUGH -befar LAUGH -abuchear SPEAK LAUGH CRITICIZE -flout REFUSE LAUGH -lanzar_improperios_contra LAUGH -acomodar_en_barracas STAY_DWELL -colocar_en_barracas STAY_DWELL -barrage CRITICIZE -bombard THROW ATTACK_BOMB CRITICIZE DIRECT_AIM_MANEUVER -bombardear THROW ATTACK_BOMB CRITICIZE DEFEAT -barrage_jam STOP -embarrilar PUT_APPLY_PLACE_PAVE -entonelar PUT_APPLY_PLACE_PAVE -barrel PUT_APPLY_PLACE_PAVE -parapetarse STOP -protegerse STOP REDUCE_DIMINISH -parapetar STOP -barricado STOP -levantar_barricadas STOP -trocar CHANGE-HANDS REPLACE CONVERT -barter CHANGE-HANDS -troquer CHANGE-HANDS -barter_away CHANGE-HANDS -implantar SECURE_FASTEN_TIE TEACH INSERT PROVE ESTABLISH GROUND_BASE_FOUND CARRY-OUT-ACTION OBLIGE_FORCE -basar GROUND_BASE_FOUND FALL_SLIDE-DOWN -fundamentar GROUND_BASE_FOUND -baser GROUND_BASE_FOUND BREATH_BLOW -fonder GROUND_BASE_FOUND -instituir GROUND_BASE_FOUND CARRY-OUT-ACTION PROVE ESTABLISH -found GROUND_BASE_FOUND ESTABLISH -sustentar STRENGTHEN_MAKE-RESISTANT CATCH POSSESS NOURISH_FEED STABILIZE_SUPPORT-PHYSICALLY GROUND_BASE_FOUND REDUCE_DIMINISH PRESERVE -instaurar GROUND_BASE_FOUND RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND PROVE ESTABLISH -base GROUND_BASE_FOUND BREATH_BLOW BE-LOCATED_BASE -fundar GROUND_BASE_FOUND ESTABLISH -establish SHOW PROVE ESTABLISH GROUND_BASE_FOUND STAY_DWELL -free-base BREATH_BLOW -drogar GIVE_GIFT BREATH_BLOW HURT_HARM_ACHE USE -whap HIT -bop DANCE HIT -sock HIT -zurrar DEFEAT HIT -cascar HAVE-SEX HIT -whop HIT -bash HIT -se_prélasser SHOW ENJOY -gustar CAUSE-MENTAL-STATE TRY REQUIRE_NEED_WANT_HOPE LIKE ENJOY UNDERGO-EXPERIENCE -savour EXIST-WITH-FEATURE COOK TASTE ENJOY -disfrutar EXIST-WITH-FEATURE CAUSE-MENTAL-STATE BENEFIT_EXPLOIT LIKE UNDERGO-EXPERIENCE ENJOY POSSESS -enjoy BENEFIT_EXPLOIT LIKE UNDERGO-EXPERIENCE ENJOY -savor EXIST-WITH-FEATURE COOK TASTE ENJOY -bask SHOW ENJOY -gozar BENEFIT_EXPLOIT LIKE ENJOY -saborear EXIST-WITH-FEATURE COOK TRY ENJOY TASTE -jouir CAUSE-MENTAL-STATE LIKE ENJOY -aimer LIKE ENJOY -relish ENJOY -tostarse COLOR SHOW -crop_out APPEAR -basset APPEAR -bastardise WORSEN DECREE_DECLARE -bastardize WORSEN DECREE_DECLARE -bañar DIP_DIVE COVER_SPREAD_SURMOUNT WET WASH_CLEAN CIRCULATE_SPREAD_DISTRIBUTE -rociar METEOROLOGICAL DIRTY DIP_DIVE THROW COVER_SPREAD_SURMOUNT WET -baste WET SEW HIT -bâtir SEW -hilvanar CREATE_MATERIALIZE SEW -embastar SEW -faufiler SEW -pespuntear SEW -rosser HIT -apalear HIT -golpear_duramente HIT -tabasser LEAVE_DEPART_RUN-AWAY HIT -batter SHAPE HIT -moler MAKE-A-SOUND HURT_HARM_ACHE MOUNT_ASSEMBLE_PRODUCE CONVERT DEFEAT BREAK_DETERIORATE HIT PRESS_PUSH_FOLD -batir_a_golpes HIT -passer_à_tabac HIT -clobber DEFEAT HIT -tanner HIT -bastinado HIT -drub DEFEAT -thrash MOVE-ONESELF MESS TRAVEL HIT DEFEAT DANCE -lick TOUCH DECIDE_DETERMINE EXTRACT DEFEAT -bat MOVE-SOMETHING COME-AFTER_FOLLOW-IN-TIME USE HIT DEFEAT -batear HIT DEFEAT -cream REMOVE_TAKE-AWAY_KIDNAP CONVERT DEFEAT PUT_APPLY_PLACE_PAVE ADD -flutter MOVE-ONESELF TRAVEL MOVE-SOMETHING FLY -parpadear_ligeramente MOVE-SOMETHING -pestañear DRIVE-BACK FACIAL-EXPRESSION MOVE-SOMETHING -aletear MOVE-ONESELF MOVE-SOMETHING -bat_mitzvah COMMUNE -batch AMASS -lotear AMASS -bate REDUCE_DIMINISH MOVE-SOMETHING WASH_CLEAN -batfowl HUNT -bañarse WASH_CLEAN -baigner FOCUS WASH_CLEAN -prendre_un_bain WASH_CLEAN -se_baigner WASH_CLEAN -bath WASH_CLEAN -lavar REMOVE_TAKE-AWAY_KIDNAP WET WASH_CLEAN -bathe LIGHTEN WASH_CLEAN -batik COLOR -batten LOAD_PROVIDE_CHARGE_FURNISH SECURE_FASTEN_TIE -planchéier LOAD_PROVIDE_CHARGE_FURNISH -listonar LOAD_PROVIDE_CHARGE_FURNISH -entablillar LOAD_PROVIDE_CHARGE_FURNISH -latter LOAD_PROVIDE_CHARGE_FURNISH -asegurar_con_tablas LOAD_PROVIDE_CHARGE_FURNISH -batten_down LOAD_PROVIDE_CHARGE_FURNISH -knock_about EXIST_LIVE HIT -zarandear MOVE-ONESELF MOVE-SOMETHING HIT -buffet HIT -zangolotear MOVE-SOMETHING HIT -abollar BREAK_DETERIORATE BULGE-OUT SHAPE -dinge DIRTY SHAPE -batallar FIGHT TRY -battle FIGHT -combat FIGHT -luchar TRY RESIST DISTINGUISH_DIFFER FIGHT THINK RAISE -bawl MAKE-A-SOUND SHOUT CRY -vociferar MAKE-A-SOUND REPRIMAND SHOUT LAUGH SPEAK SING -emitir_un_chillido MAKE-A-SOUND -berrear MAKE-A-SOUND SHOUT CRY -vocear MAKE-A-SOUND SPEAK SHOUT OPPOSE_REBEL_DISSENT -yawp MAKE-A-SOUND OPPOSE_REBEL_DISSENT -rugir MAKE-A-SOUND SHOUT SPEAK RUN CRY -bramar MAKE-A-SOUND SPEAK SHOUT AIR -bellow MAKE-A-SOUND SHOUT -llorar_a_gritos SHOUT -remonstrate REPRIMAND OPPOSE_REBEL_DISSENT -dar_una_paliza REPRIMAND HIT DEFEAT -increpar REPRIMAND -call_on_the_carpet REPRIMAND -lambast REPRIMAND HIT -chew_out REPRIMAND -lambaste REPRIMAND HIT -tener_unas_palabras REPRIMAND -dress_down DRESS_WEAR REPRIMAND -have_words REPRIMAND -poner_verde REPRIMAND -chew_up REPRIMAND -take_to_task REPRIMAND -rechazar CAUSE-MENTAL-STATE RESIST DISLIKE PRECLUDE_FORBID_EXPEL REPRIMAND REFUSE DISMISS_FIRE-SMN -reproof REPRIMAND -criticar SUBJECTIVE-JUDGING REPRIMAND CRITICIZE -bawl_out REPRIMAND -reprochar REMEMBER REPRIMAND -retar BEHAVE COMPETE REPRIMAND FACE_CHALLENGE -jaw SPEAK REPRIMAND EAT_BITE -reprimand REPRIMAND CRITICIZE -trounce REPRIMAND HIT DEFEAT -reconvenir MEET REPRIMAND DISCUSS -reprender_a_gritos REPRIMAND -rebuke REPRIMAND -lecture SPEAK REPRIMAND -berate REPRIMAND -echar_una_reprimenda REPRIMAND -regañar REPRIMAND -chide REPRIMAND -scold REPRIMAND OPPOSE_REBEL_DISSENT -aullar MAKE-A-SOUND SPEAK LAUGH -bay MAKE-A-SOUND SPEAK -quest SEARCH MAKE-A-SOUND ASK_REQUEST -bayonet PRESS_PUSH_FOLD -ser EXIST-WITH-FEATURE WORK REACH HAPPEN_OCCUR MATCH EXIST_LIVE RESULT_CONSEQUENCE STAY_DWELL -estar EXIST-WITH-FEATURE COVER_SPREAD_SURMOUNT REMAIN SORT_CLASSIFY_ARRANGE STAY_DWELL -être EXIST-WITH-FEATURE EXIST_LIVE LIE -be EXIST-WITH-FEATURE WORK SPEND-TIME_PASS-TIME REPRESENT HAPPEN_OCCUR MATCH EXIST_LIVE COST STAY_DWELL -significar MATCH CAUSE-MENTAL-STATE PLAN_SCHEDULE MEAN -equal MATCH -égaler MATCH RECOGNIZE_ADMIT_IDENTIFY -equivaler MATCH BUY -ser_equivalente MATCH -caracterizar REPRESENT DISTINGUISH_DIFFER -encarnar COLOR REPRESENT -personificar PERFORM REPRESENT -embody REPRESENT -personify REPRESENT -représenter SHOW PERFORM REPRESENT -vivre EXIST_LIVE STAY_DWELL -live CONTINUE EXIST_LIVE KNOW STAY_DWELL -durar REMAIN EXIST_LIVE CONTINUE -existir EXIST_LIVE -vivir CONTINUE EXIST_LIVE STAY_DWELL -exister EXIST_LIVE -haber EXIST_LIVE STAY_DWELL HAPPEN_OCCUR -exist EXIST_LIVE -consistir EXIST-WITH-FEATURE GROUND_BASE_FOUND INCLUDE-AS -comprise EXIST-WITH-FEATURE INCLUDE-AS -constituir EXIST-WITH-FEATURE MOUNT_ASSEMBLE_PRODUCE BEGIN INTERPRET REPRESENT CHANGE_SWITCH ESTABLISH SHAPE INCLUDE-AS -make_up EXIST-WITH-FEATURE PAY CREATE_MATERIALIZE REACH DECEIVE SORT_CLASSIFY_ARRANGE EMBELLISH ADJUST_CORRECT SETTLE_CONCILIATE -consister EXIST-WITH-FEATURE -pasar TURN_CHANGE-DIRECTION OVERCOME_SURPASS APPROVE_PRAISE MOVE-SOMETHING GO-FORWARD SPEND-TIME_PASS-TIME REACH CHANGE-HANDS APPEAR KILL THROW HAPPEN_OCCUR AUTHORIZE_ADMIT SUBJECTIVE-JUDGING REFUSE CHANGE-APPEARANCE/STATE VISIT DISAPPEAR GIVE_GIFT EXTEND -suceder APPEAR RESULT_CONSEQUENCE COME-AFTER_FOLLOW-IN-TIME HAPPEN_OCCUR -ocurrir CAUSE-MENTAL-STATE APPEAR THINK HAPPEN_OCCUR -costar IMPLY COST -cost IMPLY COST -be_active MOVE-ONESELF -estar_activo MOVE-ONESELF -soplar HELP_HEAL_CARE_CURE TRAVEL DRINK AIR BREATH_BLOW SHAPE -flotar CAUSE-MENTAL-STATE HANG MOVE-SOMETHING DIP_DIVE CONVERT TRAVEL LIE FLY DANCE GO-FORWARD -souffler TRAVEL -drift AMASS MOVE-ONESELF MOVE-SOMETHING TRAVEL EXIST_LIVE RUN CHANGE_SWITCH LEAVE_DEPART_RUN-AWAY -float MOVE-SOMETHING DIP_DIVE GO-FORWARD CONVERT TRAVEL FLATTEN_SMOOTHEN DANCE DISCUSS -dériver TRAVEL -be_adrift TRAVEL -plan PLAN_SCHEDULE CREATE_MATERIALIZE -be_after PLAN_SCHEDULE -planear PLAN_SCHEDULE FLY TRAVEL -planificar PLAN_SCHEDULE -misunderstand INTERPRET -malentender INTERPRET -misconceive INTERPRET -mal_interpretar INTERPRET -misconstrue INTERPRET -entender_mal MISTAKE INTERPRET -be_amiss INTERPRET -juzgar_mal INTERPRET -misapprehend INTERPRET -equivocar MISTAKE INTERPRET -malinterpretar SUBJECTIVE-JUDGING READ INTERPRET -misinterpret INTERPRET -esforzarse EXHAUST WORK TRY -esmerarse TRY -be_at_pains TRY -take_pains TRY -be_born GIVE-BIRTH -be_due RESULT_CONSEQUENCE -resultar RESULT_CONSEQUENCE DERIVE COME-AFTER_FOLLOW-IN-TIME HAPPEN_OCCUR ARRIVE COME-FROM -flow_from RESULT_CONSEQUENCE -be_full SATISFY_FULFILL -estar_lleno SATISFY_FULFILL -tender BEHAVE OFFER COVER_SPREAD_SURMOUNT LIE REDUCE_DIMINISH -run SHOW MANAGE CONVERT BREAK_DETERIORATE CARRY-OUT-ACTION COMPETE PERFORM RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND FLOW AFFECT BEHAVE CONTINUE OPERATE LEAVE_DEPART_RUN-AWAY HUNT MOVE-ONESELF MOVE-SOMETHING ACHIEVE TRAVEL HAVE-SEX CHANGE-APPEARANCE/STATE RUN CHANGE_SWITCH EXTEND EXIST-WITH-FEATURE COVER_SPREAD_SURMOUNT SELL HAPPEN_OCCUR LIBERATE_ALLOW_AFFORD -be_given BEHAVE -tend BEHAVE MANAGE HELP_HEAL_CARE_CURE -incline BEHAVE CAUSE-MENTAL-STATE TURN_CHANGE-DIRECTION INCLINE FOLLOW_SUPPORT_SPONSOR_FUND BEND -be_on TRANSMIT -exultar CAUSE-MENTAL-STATE ENJOY -exult CAUSE-MENTAL-STATE ENJOY -be_on_cloud_nine ENJOY -jump_for_joy ENJOY -walk_on_air ENJOY -know_what's_going_on KNOW -be_on_the_ball KNOW -know_the_score KNOW -know_what's_what KNOW -be_with_it KNOW -button_up SPEAK -close_up STOP SPEAK FINISH_CONCLUDE_END JOIN_CONNECT -callarse MAKE-A-SOUND SPEAK -silenciar MAKE-A-SOUND SPEAK PRECLUDE_FORBID_EXPEL DESTROY -callar ABSTAIN_AVOID_REFRAIN MAKE-A-SOUND SPEAK MAKE-RELAX -shut_up CAGE_IMPRISON MAKE-A-SOUND SPEAK -clam_up SPEAK -keep_mum SPEAK -be_quiet SPEAK -dummy_up SPEAK SHAPE -belt_up SPEAK -be_well EXIST-WITH-FEATURE -beach LAND_GET-OFF -beacon LIGHT_SHINE DIRECT_AIM_MANEUVER -balizar LIGHT_SHINE DIRECT_AIM_MANEUVER -bead EMBELLISH SHAPE SECURE_FASTEN_TIE -adornar_con_cuentas EMBELLISH -pick REMOVE_TAKE-AWAY_KIDNAP PAY CHOOSE EAT_BITE CRITICIZE HIT BREAK_DETERIORATE INCITE_INDUCE PULL GROUP STEAL_DEPRIVE -beak HIT -picotear TOUCH REMOVE_TAKE-AWAY_KIDNAP EAT_BITE HIT -picorer EAT_BITE HIT -peck TOUCH CAUSE-MENTAL-STATE EAT_BITE HIT -radiate LIGHT_SHINE COVER_SPREAD_SURMOUNT DIVERSIFY ENJOY EMIT COLOR -shine EXIST-WITH-FEATURE LIGHT_SHINE REFLECT ENJOY WASH_CLEAN COLOR FEEL -resplandecer COLOR LIGHT_SHINE RUN -irradiar SHOW LIGHTEN LIGHT_SHINE COVER_SPREAD_SURMOUNT EMIT COLOR -glow COLOR CAUSE-MENTAL-STATE LIGHT_SHINE ENJOY -brillar EXIST-WITH-FEATURE LIGHT_SHINE REFLECT COLOR FEEL -lucir EXIST-WITH-FEATURE SHOW LIGHT_SHINE COLOR SEEM -relucir LIGHT_SHINE REFLECT EXIST-WITH-FEATURE -luire LIGHT_SHINE -relumbrar LIGHT_SHINE -briller LIGHT_SHINE EXIST-WITH-FEATURE -bean HIT -gestate GIVE-BIRTH THINK -have_a_bun_in_the_oven GIVE-BIRTH -mettre_au_monde GIVE-BIRTH -alumbrar GIVE-BIRTH LIGHTEN -entregar LOAD_PROVIDE_CHARGE_FURNISH PERFORM CARRY_TRANSPORT GIVE-UP_ABOLISH_ABANDON CHANGE-HANDS THROW NOURISH_FEED GIVE-BIRTH SPEAK CAUSE-SMT ORGANIZE GIVE_GIFT OVERCOME_SURPASS -tener EXIST-WITH-FEATURE CAUSE-MENTAL-STATE SCORE FACE_CHALLENGE CATCH UNDERGO-EXPERIENCE POSSESS REMAIN GIVE-BIRTH -birth GIVE-BIRTH -deliver HELP_HEAL_CARE_CURE CARRY_TRANSPORT THROW GIVE-BIRTH SPEAK DRIVE-BACK CARRY-OUT-ACTION GIVE_GIFT -accoucher GIVE-BIRTH -parir GROW_PLOW GIVE-BIRTH IMAGINE -dar_a_luz GROW_PLOW GIVE-BIRTH -traer_al_mundo GIVE-BIRTH -give_birth GIVE-BIRTH IMAGINE -donner_naissance GIVE-BIRTH -poseer INFLUENCE CONTAIN POSSESS -encerrar ENCLOSE_WRAP CAGE_IMPRISON CONTAIN RESTRAIN -levantar AROUSE_WAKE_ENLIVEN MOUNT_ASSEMBLE_PRODUCE FINISH_CONCLUDE_END MAKE-A-SOUND MOVE-SOMETHING INCREASE_ENLARGE_MULTIPLY STRAIGHTEN STABILIZE_SUPPORT-PHYSICALLY ORGANIZE PUT_APPLY_PLACE_PAVE RAISE STAY_DWELL -porter TURN_CHANGE-DIRECTION CARRY_TRANSPORT DRINK LAND_GET-OFF STABILIZE_SUPPORT-PHYSICALLY ADJUST_CORRECT -exercer TRY STUDY POSSESS -ejercer HAVE-A-FUNCTION_SERVE WORK POSSESS CARRY-OUT-ACTION AFFECT -ostentar BEHAVE SHOW DRESS_WEAR CATCH POSSESS REDUCE_DIMINISH -devengar PAY EARN -rendir EXHAUST PAY GIVE-UP_ABOLISH_ABANDON APPROVE_PRAISE SPEAK CARRY-OUT-ACTION GIVE_GIFT -llevarse EXIST-WITH-FEATURE TAKE CARRY_TRANSPORT BUY SEND WIN REDUCE_DIMINISH ALLY_ASSOCIATE_MARRY STEAL_DEPRIVE -bear_away CARRY_TRANSPORT -carry_away CARRY_TRANSPORT -take_away REMOVE_TAKE-AWAY_KIDNAP REDUCE_DIMINISH CARRY_TRANSPORT EAT_BITE -bear_off CARRY_TRANSPORT -bear_down EXHAUST BURDEN_BEAR ATTACK_BOMB FOCUS PRESS_PUSH_FOLD -subyugar SUBJUGATE PRESS_PUSH_FOLD -overbear BURDEN_BEAR OVERCOME_SURPASS PRESS_PUSH_FOLD -pujar ASK_REQUEST OFFER TRY PRESS_PUSH_FOLD -cargar LOAD_PROVIDE_CHARGE_FURNISH REMOVE_TAKE-AWAY_KIDNAP TRANSMIT CARRY_TRANSPORT BRING BURDEN_BEAR ACCUSE ATTACK_BOMB CHARGE CRITICIZE RUN FILL ASSIGN-smt-to-smn OBLIGE_FORCE FUEL -embestir BEHAVE ATTACK_BOMB GO-FORWARD -press_down_on PRESS_PUSH_FOLD -bear_down_on REACH PRESS_PUSH_FOLD -versar PRESS_PUSH_FOLD -drag_down PRESS_PUSH_FOLD -weigh_down CAUSE-MENTAL-STATE PRESS_PUSH_FOLD -bear_down_upon REACH -recordar REMEMBER AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE APPROVE_PRAISE THINK COMMUNICATE_CONTACT RECALL -bear_in_mind REMEMBER -mente REMEMBER -mind REMEMBER WATCH_LOOK-OUT MANAGE THINK FOCUS OFFEND_DISESTEEM -acordarse REMEMBER -tener_en_cuenta TAKE-INTO-ACCOUNT_CONSIDER REMEMBER CONSIDER -respectar REFER -incumbir REFER CAUSE-MENTAL-STATE EXIST-WITH-FEATURE -concerner REFER -have-to_doe_with REFER -come_to REFER CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN BEGIN -concern REFER CAUSE-MENTAL-STATE -concernir REFER CAUSE-MENTAL-STATE -competer REFER COMPETE -tratarse REFER -atañer REFER CAUSE-MENTAL-STATE -pousser PERSUADE MOVE-SOMETHING -preservar RETAIN_KEEP_SAVE-MONEY PROTECT PRESERVE -uphold ARGUE-IN-DEFENSE PRESERVE -continuar EXTEND CONTINUE SPEAK PRESERVE GO-FORWARD -continue EXTEND CONTINUE REMAIN SPEAK PRESERVE GO-FORWARD -préserver PRESERVE -persistir REMAIN EXIST_LIVE PRESERVE CONTINUE -preserve RETAIN_KEEP_SAVE-MONEY PROTECT PRESERVE -underpin STRENGTHEN_MAKE-RESISTANT STABILIZE_SUPPORT-PHYSICALLY -bear_out STRENGTHEN_MAKE-RESISTANT -animarse CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN CONTINUE -bear_up CONTINUE -mostrar REMOVE_TAKE-AWAY_KIDNAP SHOW REVEAL APPEAR PROVE GIVE_GIFT SIGNAL_INDICATE -prove AUTHORIZE_ADMIT TRY INCREASE_ENLARGE_MULTIPLY PROVE -ser_testigo PROVE -show SHOW APPEAR RECORD WIN PROVE DIRECT_AIM_MANEUVER SIGNAL_INDICATE -beard BORDER -overreach DIRECT_AIM_MANEUVER DEFEAT -outfox OVERCOME_SURPASS DEFEAT -outwit DEFEAT -circumvent ABSTAIN_AVOID_REFRAIN ENCLOSE_WRAP DEFEAT -outsmart OVERCOME_SURPASS DEFEAT -golpear_repetidamente HIT -derrotar RESIST HIT DEFEAT WIN OVERCOME_SURPASS -beat_out PERFORM DEFEAT -vaincre DEFEAT -aplastar HURT_HARM_ACHE FINISH_CONCLUDE_END KILL HIT BREAK_DETERIORATE DEFEAT CAUSE-SMT FLATTEN_SMOOTHEN PRESS_PUSH_FOLD -vanquish DEFEAT -crush CAUSE-MENTAL-STATE STOP HURT_HARM_ACHE DEFEAT BREAK_DETERIORATE SUBJUGATE PRESS_PUSH_FOLD -shell REMOVE_TAKE-AWAY_KIDNAP FALL_SLIDE-DOWN ATTACK_BOMB HIT DEFEAT CAVE_CARVE GROUP -battre PERFORM AMELIORATE MOVE-SOMETHING DEFEAT -pound MOVE-ONESELF RESTRAIN TRAVEL SEPARATE_FILTER_DETACH HIT BREAK_DETERIORATE -thump MAKE-A-SOUND MOVE-ONESELF HIT -latir MOVE-ONESELF -bunk LOAD_PROVIDE_CHARGE_FURNISH LEAVE_DEPART_RUN-AWAY STEAL_DEPRIVE -desbrozar CREATE_MATERIALIZE REMOVE_TAKE-AWAY_KIDNAP -picar CAUSE-MENTAL-STATE CUT HURT_HARM_ACHE LIGHT_SHINE BURDEN_BEAR EAT_BITE RECORD DIET HIT BREAK_DETERIORATE ENJOY INCITE_INDUCE PRESS_PUSH_FOLD HOLE_PIERCE OFFEND_DISESTEEM TOUCH -quemar HURT_HARM_ACHE CONSUME_SPEND DESTROY LIGHT_SHINE BURN DRY -work_over HIT -beat_up GROUP HIT -tamborear MAKE-A-SOUND -tamborilear MAKE-A-SOUND -golpetear MAKE-A-SOUND MOVE-ONESELF HIT TOUCH PERFORM -thrum MAKE-A-SOUND PERFORM -drum MAKE-A-SOUND PERFORM STUDY -martillear MOUNT_ASSEMBLE_PRODUCE MAKE-A-SOUND PERFORM HIT -agotarse EXHAUST CONSUME_SPEND FINISH_CONCLUDE_END FAIL_LOSE WEAKEN REDUCE_DIMINISH -tucker EXHAUST -tucker_out EXHAUST -wash_up EXHAUST CARRY_TRANSPORT WASH_CLEAN -exhaust FINISH_CONCLUDE_END EXHAUST CONSUME_SPEND CANCEL_ELIMINATE -agotar BENEFIT_EXPLOIT FINISH_CONCLUDE_END EXHAUST CONSUME_SPEND WEAKEN -scramble MESS RAISE RUN MOVE-SOMETHING -ticktock MAKE-A-SOUND -tick MAKE-A-SOUND SEW SIGNAL_INDICATE -ticktack MAKE-A-SOUND -flap BEHAVE TRAVEL PRONOUNCE MOVE-ONESELF -marcar_el_ritmo ADJUST_CORRECT PERFORM -quiver MOVE-ONESELF -pulsate EMIT MOVE-ONESELF -batirse_en_retirada LEAVE_DEPART_RUN-AWAY -beat_a_retreat LEAVE_DEPART_RUN-AWAY -cast_about SEARCH -cast_around SEARCH -rebuscar SEARCH GROUP -beat_about SEARCH -tergiverser DECEIVE -tergiversar FAKE DECEIVE REPRESENT SHAPE -usar_equívocos DECEIVE -equivocate DECEIVE -prevaricate DECEIVE -prevaricar DECEIVE -beat_around_the_bush DECEIVE -mentir DECEIVE LIE -palter DECEIVE -repel DISLIKE CAUSE-MENTAL-STATE REFUSE DRIVE-BACK -push_back DRIVE-BACK -repulsar CAUSE-MENTAL-STATE DRIVE-BACK -beat_back DRIVE-BACK -force_back DRIVE-BACK -repeler DISLIKE CAUSE-MENTAL-STATE DRIVE-BACK FEEL -repulse CAUSE-MENTAL-STATE DRIVE-BACK -drill_in TEACH -machacar HURT_HARM_ACHE WORK BREAK_DETERIORATE OBLIGE_FORCE PRESS_PUSH_FOLD TEACH DISCUSS -reiterar TEACH REPEAT HAPPEN_OCCUR -beat_in TEACH -ram_down TEACH HIT -hammer_in TEACH -thump_out PERFORM -golpear_al_ritmo PERFORM -dar_golpes PERFORM -tap_out PERFORM -enrolar GROUP OBLIGE_FORCE HIRE -reclutar GROUP OBLIGE_FORCE HIRE ORGANIZE -drum_up GROUP -béatifier CAUSE-MENTAL-STATE APPROVE_PRAISE -beatify CAUSE-MENTAL-STATE APPROVE_PRAISE -beatificar APPROVE_PRAISE -canonizar APPROVE_PRAISE -divertirse PLAY_SPORT/GAME CAUSE-MENTAL-STATE LIKE -tickle_pink CAUSE-MENTAL-STATE -exhilarate CAUSE-MENTAL-STATE -inebriate CAUSE-MENTAL-STATE HURT_HARM_ACHE FEEL -thrill CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN MOVE-ONESELF ENJOY -regocijarse CAUSE-MENTAL-STATE -embellir EMBELLISH -prettify EMBELLISH -hermosear EMBELLISH -fancify EMBELLISH -beaver_away WORK -beaver WORK -bailar_bop DANCE -bebop DANCE -ballar DANCE -mover_el_esqueleto DANCE -bailar_bebop DANCE -becalm MAKE-RELAX -estabilizar COMPENSATE ACHIEVE MAKE-RELAX STABILIZE_SUPPORT-PHYSICALLY -steady MAKE-RELAX STABILIZE_SUPPORT-PHYSICALLY -estabilizarse COMPENSATE MAKE-RELAX STABILIZE_SUPPORT-PHYSICALLY -calm MAKE-RELAX -calmarse CAUSE-MENTAL-STATE MAKE-RELAX -tranquilizarse MAKE-A-SOUND MAKE-RELAX -acaecer APPEAR HAPPEN_OCCUR -befall HAPPEN_OCCUR -acontecer CONVERT APPEAR HAPPEN_OCCUR -betide HAPPEN_OCCUR -bechance HAPPEN_OCCUR -happen APPEAR FIND HAPPEN_OCCUR -se_passer SPEND-TIME_PASS-TIME HAPPEN_OCCUR -se_produire HAPPEN_OCCUR -enamorar LURE_ENTICE -enamor LURE_ENTICE -enchant CAUSE-MENTAL-STATE LURE_ENTICE BEWITCH -trance LURE_ENTICE -fascinar CAUSE-MENTAL-STATE LURE_ENTICE STOP LIKE ATTRACT_SUCK -charm PROTECT LURE_ENTICE PERSUADE MANAGE -embrujar LURE_ENTICE ATTRACT_SUCK BEWITCH -deleitar CAUSE-MENTAL-STATE LURE_ENTICE LIKE -bewitch LURE_ENTICE ATTRACT_SUCK BEWITCH -captivate LURE_ENTICE -beguile LURE_ENTICE DECEIVE -becharm LURE_ENTICE MANAGE -enamour LURE_ENTICE -entrance LURE_ENTICE CHANGE-APPEARANCE/STATE -fascinate LURE_ENTICE LIKE STOP -hacer_ceña SIGNAL_INDICATE -hacer_señas SIGNAL_INDICATE -wave MOVE-ONESELF MOVE-SOMETHING ROLL EMBELLISH SIGNAL_INDICATE -beckon SUMMON LIKE SIGNAL_INDICATE -llamar_con_señas SUMMON -cloud CAUSE-MENTAL-STATE DIM DEBASE_ADULTERATE COMPLEXIFY COLOR RAISE CLOUD_SHADOW_HIDE -haze_over CLOUD_SHADOW_HIDE -obscure EXIST-WITH-FEATURE MESS CLOUD_SHADOW_HIDE CHANGE_SWITCH -becloud CLOUD_SHADOW_HIDE -mist COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -masquer CLOUD_SHADOW_HIDE -velar AROUSE_WAKE_ENLIVEN CLOUD_SHADOW_HIDE -obnubilate MESS CLOUD_SHADOW_HIDE -ocultar COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -cubrir LOAD_PROVIDE_CHARGE_FURNISH STOP PAY EXTEND HELP_HEAL_CARE_CURE FOLLOW_SUPPORT_SPONSOR_FUND COVER_SPREAD_SURMOUNT PROTECT LIE REPRESENT REPLACE ENCLOSE_WRAP HAVE-SEX CIRCULATE_SPREAD_DISTRIBUTE DIRECT_AIM_MANEUVER PUT_APPLY_PLACE_PAVE CLOUD_SHADOW_HIDE OVERCOME_SURPASS INCLUDE-AS -anieblarse CLOUD_SHADOW_HIDE -voiler CLOUD_SHADOW_HIDE -tapar SEPARATE_FILTER_DETACH CLOSE STOP CLOUD_SHADOW_HIDE -fog CLOUD_SHADOW_HIDE -befog CLOUD_SHADOW_HIDE -nublarse CLOUD_SHADOW_HIDE -become EMBELLISH BEGIN CHANGE_SWITCH -llegar_a_ser BEGIN CHANGE_SWITCH -devenir CHANGE_SWITCH -go MAKE-A-SOUND CONSUME_SPEND BREAK_DETERIORATE CONTAIN GIVE_GIFT PERFORM SEARCH PLAY_SPORT/GAME CONTINUE OPERATE LEAVE_DEPART_RUN-AWAY GO-FORWARD BEGIN LIE FIT CHANGE_SWITCH DISAPPEAR EXTEND EXIST-WITH-FEATURE ENTER FOLLOW_SUPPORT_SPONSOR_FUND KILL COMPARE ORGANIZE HARMONIZE -volverse CHANGE-APPEARANCE/STATE MOVE-ONESELF CHANGE_SWITCH -tornar CHANGE-APPEARANCE/STATE CHANGE_SWITCH -iniciar LOAD_PROVIDE_CHARGE_FURNISH BEGIN WORK START-FUNCTIONING AUTHORIZE_ADMIT SPEAK LEAVE_DEPART_RUN-AWAY CHANGE_SWITCH ESTABLISH TEACH -venir_bien EMBELLISH -transformarse CHANGE-APPEARANCE/STATE CHANGE_SWITCH -convertir CAUSE-MENTAL-STATE FOLLOW_SUPPORT_SPONSOR_FUND CONVERT CHANGE-APPEARANCE/STATE CHANGE_SWITCH CO-OPT -turn TURN_CHANGE-DIRECTION OVERCOME_SURPASS DEVELOP_AGE HURT_HARM_ACHE MOVE-ONESELF EARN COLOR GROW_PLOW SUMMON CHANGE-APPEARANCE/STATE EMPTY_UNLOAD OPERATE DRIVE-BACK CHANGE_SWITCH FOCUS INVERT_REVERSE DIRECT_AIM_MANEUVER PERFORM SPOIL SHAPE -convertirse CHANGE-APPEARANCE/STATE CONVERT CHANGE_SWITCH -die CAUSE-MENTAL-STATE FINISH_CONCLUDE_END HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE KILL LIE BREAK_DETERIORATE SHAPE -pall CAUSE-MENTAL-STATE SATISFY_FULFILL DRESS_WEAR CONVERT BREAK_DETERIORATE WEAKEN WORSEN -become_flat BREAK_DETERIORATE -sack_out SLEEP -echarse SLEEP KILL LIE RUN STAY_DWELL -hit_the_hay SLEEP -ir_a_dormir SLEEP -crawl_in SLEEP -go_to_bed SLEEP -turn_in SLEEP GIVE_GIFT PERFORM ENTER -hit_the_sack SLEEP -tenderse SLEEP LIE -tumbarse SLEEP -encamarse SLEEP -estirarse SLEEP HELP_HEAL_CARE_CURE INCREASE_ENLARGE_MULTIPLY STRAIGHTEN LIE EXTEND -irse_al_catre SLEEP -go_to_sleep SLEEP -kip_down SLEEP -dar_cama LOAD_PROVIDE_CHARGE_FURNISH -ser_promiscuo HAVE-SEX -bed-hop HAVE-SEX -sleep_around HAVE-SEX -bedhop HAVE-SEX -acostarse_con_cualquiera HAVE-SEX -bed_down SLEEP -bunk_down SLEEP -embadurnar PUT_APPLY_PLACE_PAVE DIRTY COVER_SPREAD_SURMOUNT -besmear COVER_SPREAD_SURMOUNT -untar PUT_APPLY_PLACE_PAVE DIRTY COVER_SPREAD_SURMOUNT -bedaub COVER_SPREAD_SURMOUNT -stun CAUSE-MENTAL-STATE HIT -daze CAUSE-MENTAL-STATE -bedaze CAUSE-MENTAL-STATE -deslumbrar LIGHT_SHINE CAUSE-MENTAL-STATE PERFORM -dazzle CAUSE-MENTAL-STATE -bedazzle CAUSE-MENTAL-STATE -encandilar CAUSE-MENTAL-STATE DECEIVE -ofuscar EXIST-WITH-FEATURE CAUSE-MENTAL-STATE DIM COMPLEXIFY CLOUD_SHADOW_HIDE -bedight EMBELLISH -bedeck EMBELLISH -engalanar EMBELLISH -crucify TREAT KILL RETAIN_KEEP_SAVE-MONEY CRITICIZE -torturar TREAT HURT_HARM_ACHE -torment TREAT HURT_HARM_ACHE -martirizar TREAT HURT_HARM_ACHE KILL -bedevil TREAT CAUSE-MENTAL-STATE -dun COLOR TREAT ASK_REQUEST PRESERVE -discombobulate CAUSE-MENTAL-STATE -throw CAUSE-MENTAL-STATE MOUNT_ASSEMBLE_PRODUCE CREATE_MATERIALIZE THROW OPERATE SPEAK KNOCK-DOWN DIRECT_AIM_MANEUVER ORGANIZE DISCARD PUT_APPLY_PLACE_PAVE FACIAL-EXPRESSION GO-FORWARD -dejar_perplejo CAUSE-MENTAL-STATE COMPLEXIFY -desorientar ORIENT CAUSE-MENTAL-STATE DIRECT_AIM_MANEUVER -fuddle CAUSE-MENTAL-STATE DRINK -fox CAUSE-MENTAL-STATE DECEIVE CHANGE_SWITCH -confuse CAUSE-MENTAL-STATE MESS MISTAKE -befuddle CAUSE-MENTAL-STATE -confound CAUSE-MENTAL-STATE MISTAKE -bedew WET -benight WORSEN DIM -bedim EXIST-WITH-FEATURE DIM -ennegrecer COLOR DIM -obscurecer COLOR CLOUD_SHADOW_HIDE DIM -ensombrecer EXIST-WITH-FEATURE WORSEN CLOUD_SHADOW_HIDE DIM -overcloud EXIST-WITH-FEATURE CLOUD_SHADOW_HIDE -nublar EXIST-WITH-FEATURE SEW CLOUD_SHADOW_HIDE DIM -bedizen DRESS_WEAR WORSEN -emperifollar_vulgarmente WORSEN -emperejilarse DRESS_WEAR -emperifollarse DRESS_WEAR -dizen DRESS_WEAR -bedraggle WET -draggle WET -embarrar WET DIRTY COVER_SPREAD_SURMOUNT -pringar WET -quejarse CAUSE-MENTAL-STATE ACCUSE REGRET_SORRY OPPOSE_REBEL_DISSENT SPEAK SIGNAL_INDICATE -grouse HUNT OPPOSE_REBEL_DISSENT -holler MAKE-A-SOUND SHOUT OPPOSE_REBEL_DISSENT -bellyache OPPOSE_REBEL_DISSENT -squawk SHOUT OPPOSE_REBEL_DISSENT -beef OPPOSE_REBEL_DISSENT -graznar MAKE-A-SOUND SHOUT OPPOSE_REBEL_DISSENT -chillar MAKE-A-SOUND SHOUT OPPOSE_REBEL_DISSENT -quejar SIGNAL_INDICATE OPPOSE_REBEL_DISSENT -gripe OPPOSE_REBEL_DISSENT -gritar MAKE-A-SOUND SPEAK SHOUT OPPOSE_REBEL_DISSENT -lamentarse CAUSE-MENTAL-STATE SPEAK CRY OPPOSE_REBEL_DISSENT -dolor_de_barriga OPPOSE_REBEL_DISSENT -crab HUNT MOVE-ONESELF OPPOSE_REBEL_DISSENT DIRECT_AIM_MANEUVER -beef_up STRENGTHEN_MAKE-RESISTANT -fortalecer EXIST-WITH-FEATURE HELP_HEAL_CARE_CURE AFFIRM ORGANIZE STRENGTHEN_MAKE-RESISTANT ADD -strengthen HELP_HEAL_CARE_CURE STRENGTHEN_MAKE-RESISTANT -reforzar AFFIRM STABILIZE_SUPPORT-PHYSICALLY FILL ORGANIZE STRENGTHEN_MAKE-RESISTANT -consolidar COMBINE_MIX_UNITE AFFIRM FOLLOW_SUPPORT_SPONSOR_FUND CHANGE-APPEARANCE/STATE STRENGTHEN_MAKE-RESISTANT -beep SUMMON MAKE-A-SOUND -toot MAKE-A-SOUND -tocar_el_claxon MAKE-A-SOUND -claxon MAKE-A-SOUND -tocar_la_bocina MAKE-A-SOUND -pitar MAKE-A-SOUND PERFORM -blare MAKE-A-SOUND -beeswax COVER_SPREAD_SURMOUNT -beetle HANG GO-FORWARD HIT -sobresalir EXIST-WITH-FEATURE HANG EXTEND BULGE-OUT -overhang HANG BULGE-OUT -run_out SPILL_POUR FINISH_CONCLUDE_END EXHAUST CONSUME_SPEND FAIL_LOSE LEAVE_DEPART_RUN-AWAY FLOW -salir_huyendo LEAVE_DEPART_RUN-AWAY -beetle_off LEAVE_DEPART_RUN-AWAY -escaparse EXIST-WITH-FEATURE COMPETE MISS_OMIT_LACK LEAVE_DEPART_RUN-AWAY -bolt_out LEAVE_DEPART_RUN-AWAY -beseem HARMONIZE -ser_propio_de HARMONIZE -ser_adecuada HARMONIZE -befit HARMONIZE -befool JOKE DECEIVE -gull JOKE DECEIVE -falsear MANAGE DECEIVE FAKE REPRESENT -embabucar DECEIVE -put_one_over DECEIVE -traiter_de_tous_les_noms OFFEND_DISESTEEM SPEAK DECEIVE -embaír DECEIVE -embaucar DECEIVE STEAL_DEPRIVE -slang OFFEND_DISESTEEM SPEAK DECEIVE -put_one_across DECEIVE -engatusar DECEIVE INCITE_INDUCE PERSUADE -dupe DECEIVE -timar DECEIVE STEAL_DEPRIVE -macular DIRTY DEBASE_ADULTERATE -defile DIRTY DEBASE_ADULTERATE -emporcar DIRTY -ensuciar DIRTY COVER_SPREAD_SURMOUNT -polucionar DIRTY -maculate DIRTY -contaminar DIRTY CONTRACT-AN-ILLNESS_INFECT -befoul DIRTY -manchar DIRTY HURT_HARM_ACHE COVER_SPREAD_SURMOUNT DEBASE_ADULTERATE COLOR WORSEN CONTRACT-AN-ILLNESS_INFECT -befriend BEFRIEND -hacer_amigos BEFRIEND -hacerse_amigo_de BEFRIEND -etilizar CAUSE-MENTAL-STATE -atontar CAUSE-MENTAL-STATE -implore ASK_REQUEST -pray SPEAK ASK_REQUEST -rezar SPEAK ASK_REQUEST -beg ABSTAIN_AVOID_REFRAIN ASK_REQUEST -mendigar ASK_REQUEST -tap LOAD_PROVIDE_CHARGE_FURNISH BENEFIT_EXPLOIT SEARCH REMOVE_TAKE-AWAY_KIDNAP CUT MOVE-ONESELF HOLE_PIERCE DECEIVE HIT ASK_REQUEST TOUCH DANCE -beg_off ASK_REQUEST -concebir GIVE-BIRTH IMAGINE THINK ORGANIZE -generate CREATE_MATERIALIZE GIVE-BIRTH GENERATE -sire GIVE-BIRTH -engendrar CREATE_MATERIALIZE GIVE-BIRTH -father GIVE-BIRTH -mother GIVE-BIRTH HELP_HEAL_CARE_CURE -generar MOUNT_ASSEMBLE_PRODUCE CREATE_MATERIALIZE GIVE-BIRTH GENERATE ESTABLISH -bring_forth CREATE_MATERIALIZE SHOW GIVE-BIRTH GROW_PLOW -beget GIVE-BIRTH -engender CREATE_MATERIALIZE GIVE-BIRTH -empobrecer WEAKEN STEAL_DEPRIVE -pauperize STEAL_DEPRIVE -depauperar STEAL_DEPRIVE -pauperise STEAL_DEPRIVE -beggar EXIST-WITH-FEATURE STEAL_DEPRIVE -gild EMBELLISH -dorer EMBELLISH -engild EMBELLISH -begild EMBELLISH -begin BEGIN SPEAK -partir CUT BEGIN WORK DESTROY SEPARATE_FILTER_DETACH DIVERSIFY START-FUNCTIONING BREAK_DETERIORATE LEAVE_DEPART_RUN-AWAY -débuter BEGIN LEAVE_DEPART_RUN-AWAY -empezar BEGIN WORK START-FUNCTIONING -commencer BEGIN -démarrer BEGIN START-FUNCTIONING -commence BEGIN -principiar BEGIN -arrancar REMOVE_TAKE-AWAY_KIDNAP BEGIN PERSUADE START-FUNCTIONING RUN OBTAIN EXTRACT GROUP STEAL_DEPRIVE -comenzar BEGIN PRECEDE WORK START-FUNCTIONING -start PLAY_SPORT/GAME BEGIN WORK START-FUNCTIONING JUMP LEAVE_DEPART_RUN-AWAY BULGE-OUT -lead_off BEGIN TEACH -estrenar LOAD_PROVIDE_CHARGE_FURNISH OPEN SHOW BEGIN WORK START-FUNCTIONING LEAVE_DEPART_RUN-AWAY PERFORM -get_down FALL_SLIDE-DOWN CAUSE-MENTAL-STATE BEGIN LOWER EAT_BITE WRITE -start_out BEGIN LEAVE_DEPART_RUN-AWAY -grime DIRTY -encrasser DIRTY -soil DIRTY -enmugrecer DIRTY -cochonner DIRTY -souiller DIRTY -begrime DIRTY -dirty DIRTY -bemire DIRTY -colly DIRTY -envidiar LIBERATE_ALLOW_AFFORD CAUSE-MENTAL-STATE -envy CAUSE-MENTAL-STATE -begrudge LIBERATE_ALLOW_AFFORD CAUSE-MENTAL-STATE -envier CAUSE-MENTAL-STATE -resent LIBERATE_ALLOW_AFFORD DISLIKE -juggle PLAY_SPORT/GAME MANAGE DECEIVE COMPENSATE -conducir BEHAVE TRANSMIT MANAGE BEGIN CARRY_TRANSPORT WORK MOVE-SOMETHING WATCH_LOOK-OUT HIT LEAD_GOVERN MOVE-BY-MEANS-OF DIRECT_AIM_MANEUVER CIRCULATE_SPREAD_DISTRIBUTE -decapitate KILL -guillotiner KILL -decapitar KILL -behead KILL -decollate KILL -descabezar KILL -décapiter KILL -lay_eyes_on SEE -behold SEE -distinguir APPROVE_PRAISE DISTINGUISH_DIFFER AMELIORATE PRECLUDE_FORBID_EXPEL FIND SEE PERCEIVE SIGNAL_INDICATE RECOGNIZE_ADMIT_IDENTIFY -divisar FIND SEE -ojear SEE -ser_apropiado REQUIRE_NEED_WANT_HOPE -behoove REQUIRE_NEED_WANT_HOPE -behove REQUIRE_NEED_WANT_HOPE -alhajar EMBELLISH -bejewel EMBELLISH -enjoyar EMBELLISH -jewel EMBELLISH -belabour WORK CRITICIZE HIT -belabor WORK CRITICIZE HIT -belay SECURE_FASTEN_TIE -amarrar ATTACH SECURE_FASTEN_TIE LAND_GET-OFF PRESS_PUSH_FOLD -eruct EXCRETE SHOOT_LAUNCH_PROPEL -belch EXPLODE EXCRETE -burp EXCRETE -eructar EXCRETE -regoldar EXCRETE -extravasate SPILL_POUR EXPLODE -entrar_en_erupción EXPLODE BEGIN APPEAR -erupt OPEN BEGIN BURN EXPLODE APPEAR EMIT -cercar COVER_SPREAD_SURMOUNT ENCLOSE_WRAP SECURE_FASTEN_TIE STRENGTHEN_MAKE-RESISTANT -surround COVER_SPREAD_SURMOUNT ENCLOSE_WRAP STRENGTHEN_MAKE-RESISTANT -assiéger ENCLOSE_WRAP -asediar ENCLOSE_WRAP CAUSE-MENTAL-STATE -sitiar ENCLOSE_WRAP -besiege ENCLOSE_WRAP CAUSE-MENTAL-STATE -hem_in ENCLOSE_WRAP -misrepresent FAKE REPRESENT -desvirtuar REPRESENT -desfigurar HURT_HARM_ACHE FAKE REPRESENT BREAK_DETERIORATE SHAPE -belie SHOW REPRESENT -falsificar MOUNT_ASSEMBLE_PRODUCE FAKE CREATE_MATERIALIZE DECEIVE REPRESENT PROVE -negate SHOW REFUSE COMPENSATE PROVE -desmentir SHOW REFUSE PROVE -contradict SHOW REFUSE PROVE OPPOSE_REBEL_DISSENT -creer SUBJECTIVE-JUDGING FOLLOW_SUPPORT_SPONSOR_FUND IMAGINE BELIEVE THINK FEEL -croire SUBJECTIVE-JUDGING BELIEVE -believe SUBJECTIVE-JUDGING BELIEVE FOLLOW_SUPPORT_SPONSOR_FUND -pensar REFER PLAN_SCHEDULE AROUSE_WAKE_ENLIVEN REMEMBER SUBJECTIVE-JUDGING IMAGINE BELIEVE THINK -penser SUBJECTIVE-JUDGING AROUSE_WAKE_ENLIVEN BELIEVE THINK -consider TAKE-INTO-ACCOUNT_CONSIDER CONSIDER SUBJECTIVE-JUDGING SEE UNDERSTAND INTERPRET -conceive SUBJECTIVE-JUDGING GIVE-BIRTH THINK -think PLAN_SCHEDULE REMEMBER CAUSE-MENTAL-STATE SUBJECTIVE-JUDGING IMAGINE BELIEVE THINK -believe_in BELIEVE -belittle DOWNPLAY_HUMILIATE CRITICIZE -pick_at MANAGE EAT_BITE CRITICIZE -disparage CRITICIZE -menospreciar DISLIKE CRITICIZE JOKE REFUSE DOWNPLAY_HUMILIATE OFFEND_DISESTEEM -rebajar DEBASE_ADULTERATE CAVE_CARVE DOWNPLAY_HUMILIATE REDUCE_DIMINISH STEAL_DEPRIVE -diminish REDUCE_DIMINISH DOWNPLAY_HUMILIATE -quitar_importancia DOWNPLAY_HUMILIATE -derogate DOWNPLAY_HUMILIATE -minimize REDUCE_DIMINISH DOWNPLAY_HUMILIATE -bell ATTACH -bell_the_cat RISK -exponerse RISK -roar MAKE-A-SOUND LAUGH SPEAK CRY GO-FORWARD -belly_out BULGE-OUT -belly BULGE-OUT -dar_un_panzazo DIP_DIVE -belly-flop DIP_DIVE -belly-land LAND_GET-OFF -belly_dance DANCE -bellylaugh LAUGH -belong FOLLOW_SUPPORT_SPONSOR_FUND LIE POSSESS SORT_CLASSIFY_ARRANGE HARMONIZE -residir GROUND_BASE_FOUND STAY_DWELL INCLUDE-AS POSSESS -habitar LIE POSSESS GROUND_BASE_FOUND EXTEND STAY_DWELL -viure POSSESS -belong_to POSSESS -radicar LIE POSSESS -ceñir ENCLOSE_WRAP SECURE_FASTEN_TIE DIRECT_AIM_MANEUVER -apretarse SECURE_FASTEN_TIE AMASS -belt SECURE_FASTEN_TIE SING HIT -correar SING HIT -belt_out SING -bucket_along RUN -hie RUN -precipitarse FALL_SLIDE-DOWN RUN TRAVEL GO-FORWARD -cannonball_along RUN -hasten SPEED-UP BEHAVE RUN -rush_along RUN -pelt_along RUN -precipitar METEOROLOGICAL WORSEN RUN SEPARATE_FILTER_DETACH -lanzarse FALL_SLIDE-DOWN DESTROY ATTACK_BOMB RUN GO-FORWARD -belt_along RUN -rush BEHAVE SPEED-UP ATTACK_BOMB RUN OBLIGE_FORCE -apresurarse BEHAVE RUN -darse_prisa RUN -correr ABSTAIN_AVOID_REFRAIN TRAVEL OPERATE RUN PULL LEAVE_DEPART_RUN-AWAY CARRY-OUT-ACTION COMPETE FLOW GO-FORWARD -race COMPETE RUN -hotfoot RUN -step_on_it RUN -pour_down DRINK -down AMELIORATE EAT_BITE DEFEAT KNOCK-DOWN DRINK -drink_down DRINK -toss_off WRITE DRINK -beberse DRINK -bolt_down DRINK EAT_BITE -terminarse DRINK -belt_down DRINK -acabarse FINISH_CONCLUDE_END DRINK FAIL_LOSE -pop MAKE-A-SOUND MOVE-SOMETHING EXPLODE APPEAR EAT_BITE HIT DRINK UNFASTEN_UNFOLD SHOOT_LAUNCH_PROPEL BULGE-OUT -kill CAUSE-MENTAL-STATE EXHAUST STOP FINISH_CONCLUDE_END SWITCH-OFF_TURN-OFF_SHUT-DOWN HURT_HARM_ACHE CANCEL_ELIMINATE KILL HIT DRINK -boulonner DRINK EAT_BITE -servirse DRINK -lamentar CAUSE-MENTAL-STATE REGRET_SORRY SPEAK REFUSE -bewail REGRET_SORRY -deplore REGRET_SORRY CRITICIZE -deplorar CAUSE-MENTAL-STATE REGRET_SORRY CRITICIZE -bemoan REGRET_SORRY -sentir REGRET_SORRY ANALYZE UNDERGO-EXPERIENCE FIND KNOW CHANGE-APPEARANCE/STATE BELIEVE REFUSE TOUCH HEAR_LISTEN PERCEIVE FEEL SMELL -lament CAUSE-MENTAL-STATE REGRET_SORRY -mock JOKE -ridiculizar JOKE DOWNPLAY_HUMILIATE -bemock JOKE -se_moquer_de JOKE -bemuse CAUSE-MENTAL-STATE -exclure_du_jeu REMOVE_TAKE-AWAY_KIDNAP SHOW -bench REMOVE_TAKE-AWAY_KIDNAP SHOW -doblar LOAD_PROVIDE_CHARGE_FURNISH OVERCOME_SURPASS MAKE-A-SOUND LOWER REPEAT BEND INCREASE_ENLARGE_MULTIPLY ASK_REQUEST BID PRESS_PUSH_FOLD PERFORM SHAPE -doblarse BEND LOWER -bend TURN_CHANGE-DIRECTION LOWER BEND SHAPE -flex SHOW BEND SHAPE -flexionar CONVERT BEND -doblegar SUBJUGATE BEND REPRIMAND -rotar TURN_CHANGE-DIRECTION ALTERNATE HURT_HARM_ACHE MOVE-ONESELF MOVE-SOMETHING TRAVEL ROLL CHANGE_SWITCH SHAPE -girar REMOVE_TAKE-AWAY_KIDNAP TURN_CHANGE-DIRECTION OVERCOME_SURPASS HURT_HARM_ACHE FALL_SLIDE-DOWN MOVE-ONESELF MOVE-SOMETHING MAKE-A-SOUND HEAT TRAVEL ROLL EMPTY_UNLOAD FLY CHANGE_SWITCH PERFORM FLOW SHAPE -curvar ROLL BEND SHAPE -deform BREAK_DETERIORATE SHAPE -twist TURN_CHANGE-DIRECTION HURT_HARM_ACHE MOVE-ONESELF DECEIVE PULL DANCE EXTEND SHAPE -stoop FALL_SLIDE-DOWN TRAVEL LOWER DEBASE_ADULTERATE -crouch LIE LOWER -agachar LIE LOWER -bend_over_backwards BEHAVE -fall_over_backwards BEHAVE -benday CREATE_MATERIALIZE -benefact HELP_HEAL_CARE_CURE -hacer_de_benefactor HELP_HEAL_CARE_CURE -benefice BENEFIT_EXPLOIT -beneficiate PREPARE -sacar_provecho BENEFIT_EXPLOIT EARN -beneficiarse BENEFIT_EXPLOIT -profiter BENEFIT_EXPLOIT -obtener_frutos BENEFIT_EXPLOIT -benefit BENEFIT_EXPLOIT HELP_HEAL_CARE_CURE -tirer_profit BENEFIT_EXPLOIT -profit BENEFIT_EXPLOIT EARN -sacar_ventaja BENEFIT_EXPLOIT -bénéficier BENEFIT_EXPLOIT -tirer_parti BENEFIT_EXPLOIT -do_good HELP_HEAL_CARE_CURE -benficiate CONVERT -anochecer DIM -oscurecer DIRTY CLOUD_SHADOW_HIDE DIM TREAT-WITH/BY -ignorar MISS_OMIT_LACK CAUSE-MENTAL-STATE DIM PRECLUDE_FORBID_EXPEL REFUSE DOWNPLAY_HUMILIATE CLOUD_SHADOW_HIDE -adormecer SLEEP WEAKEN -benumb WEAKEN -dull STOP DIM BREAK_DETERIORATE CHANGE-APPEARANCE/STATE WEAKEN WORSEN -blunt BREAK_DETERIORATE WEAKEN -numb WEAKEN -plaster PUT_APPLY_PLACE_PAVE ATTACH COVER_SPREAD_SURMOUNT -beplaster COVER_SPREAD_SURMOUNT -legar CHANGE-HANDS GIVE_GIFT -heredar CHANGE-HANDS GIVE_GIFT OBTAIN -bequeath GIVE_GIFT -will CHOOSE GIVE_GIFT ORDER -bereave KILL -berry GROUP -berth LOAD_PROVIDE_CHARGE_FURNISH SECURE_FASTEN_TIE -tie_up FINISH_CONCLUDE_END SECURE_FASTEN_TIE PARTICIPATE STOP -moor SECURE_FASTEN_TIE -atracar SECURE_FASTEN_TIE LAND_GET-OFF REQUIRE_NEED_WANT_HOPE STEAL_DEPRIVE -accoster SECURE_FASTEN_TIE -fondear SECURE_FASTEN_TIE LIE -quai MOUNT_ASSEMBLE_PRODUCE SECURE_FASTEN_TIE LAND_GET-OFF RETAIN_KEEP_SAVE-MONEY -atraque SECURE_FASTEN_TIE -wharf MOUNT_ASSEMBLE_PRODUCE SECURE_FASTEN_TIE LAND_GET-OFF RETAIN_KEEP_SAVE-MONEY -incrust CHANGE-APPEARANCE/STATE COVER_SPREAD_SURMOUNT EMBELLISH -encrust CHANGE-APPEARANCE/STATE COVER_SPREAD_SURMOUNT EMBELLISH -incrustar DIRTY COVER_SPREAD_SURMOUNT CHANGE-APPEARANCE/STATE EMBELLISH PUT_APPLY_PLACE_PAVE -beset CAUSE-MENTAL-STATE ATTACK_BOMB EMBELLISH -chevvy CAUSE-MENTAL-STATE -harass CAUSE-MENTAL-STATE EXHAUST -perseguir SEARCH CAUSE-MENTAL-STATE CHASE CARRY-OUT-ACTION FOLLOW-IN-SPACE COURT -plagar CAUSE-MENTAL-STATE ENTER -acosar_sexualmente CAUSE-MENTAL-STATE -molestar_repetidamente CAUSE-MENTAL-STATE -molest CAUSE-MENTAL-STATE ATTACK_BOMB -chivy CAUSE-MENTAL-STATE -hassle CAUSE-MENTAL-STATE -plague BREAK_DETERIORATE CAUSE-MENTAL-STATE -chevy CAUSE-MENTAL-STATE -chivvy CAUSE-MENTAL-STATE -harry CAUSE-MENTAL-STATE DESTROY -aperrear CAUSE-MENTAL-STATE -set_upon ATTACK_BOMB -mancillar DIRTY DEBASE_ADULTERATE -embrutecerse CAUSE-MENTAL-STATE -s'abêtir CAUSE-MENTAL-STATE -idiotizarse CAUSE-MENTAL-STATE -atontarse CAUSE-MENTAL-STATE -besot CAUSE-MENTAL-STATE -abobar CAUSE-MENTAL-STATE -embrutecer CAUSE-MENTAL-STATE -spangle LIGHT_SHINE EMBELLISH -estrellar BREAK_DETERIORATE THROW EMBELLISH HIT -bespangle COVER_SPREAD_SURMOUNT EMBELLISH -constelar AMASS COVER_SPREAD_SURMOUNT EMBELLISH -salpicar METEOROLOGICAL SPILL_POUR DIRTY THROW COVER_SPREAD_SURMOUNT TRAVEL WET -spatter METEOROLOGICAL WET DIRTY -bespatter DIRTY -request ASK_REQUEST -bespeak ASK_REQUEST SIGNAL_INDICATE -signal SIGN SIGNAL_INDICATE -motear PAINT DIRTY SIGNAL_INDICATE -speckle PAINT -bespeckle PAINT -bespot SIGNAL_INDICATE -sprinkle METEOROLOGICAL WET COVER_SPREAD_SURMOUNT -regar WET EAT_BITE -sparge WET MOVE-SOMETHING -besprinkle WET -scoop REMOVE_TAKE-AWAY_KIDNAP WIN -outflank WIN OVERCOME_SURPASS -aventajar EXIST-WITH-FEATURE DEFEAT WIN DOWNPLAY_HUMILIATE OVERCOME_SURPASS -best WIN -derrotar_con_trampas WIN -barrer_con WIN -outdo WIN OVERCOME_SURPASS -trump PLAY_SPORT/GAME SPEAK MAKE-A-SOUND WIN -superar HELP_HEAL_CARE_CURE CONTINUE AMELIORATE DEFEAT LEAD_GOVERN WIN DOWNPLAY_HUMILIATE OVERCOME_SURPASS -bestialise WORSEN -bestialize WORSEN -bestializar WORSEN -bestir AROUSE_WAKE_ENLIVEN -get_started BEGIN -get_going BEGIN -get_cracking BEGIN -get_rolling BEGIN -get_moving BEGIN -movilizarse MOVE-BY-MEANS-OF BEGIN -get_weaving BEGIN -bestir_oneself BEGIN -mover TURN_CHANGE-DIRECTION PLAY_SPORT/GAME BEGIN HURT_HARM_ACHE MOVE-SOMETHING BRING GO-FORWARD -ponerse_en_marcha BEGIN -accorder ADJUST_CORRECT GIVE_GIFT -confer GIVE_GIFT DISCUSS -sembrar GROW_PLOW BURY_PLANT COVER_SPREAD_SURMOUNT INSERT -bestrew COVER_SPREAD_SURMOUNT -climb_on CATCH_EMBARK -mount MOUNT_ASSEMBLE_PRODUCE BEGIN CATCH_EMBARK INCREASE_ENLARGE_MULTIPLY HAVE-SEX ORGANIZE RAISE -bestride CATCH_EMBARK -hop_on CATCH_EMBARK -mount_up CATCH_EMBARK -jump_on CATCH_EMBARK -bet RELY GUESS BID -wager GUESS BID -hacer_una_apuesta BID -jugarse BID -depender IMPLY RELY -count EXIST-WITH-FEATURE TAKE-INTO-ACCOUNT_CONSIDER COUNT REPRESENT RELY INCLUDE-AS -faire_confiance_à RELY -reckon TAKE-INTO-ACCOUNT_CONSIDER SUBJECTIVE-JUDGING CALCULATE_ESTIMATE BELIEVE RELY INTERPRET -depend IMPLY RELY -desplazarse TRAVEL GO-FORWARD -betake_oneself GO-FORWARD -bethink THINK -betray BETRAY REVEAL FRUSTRATE_DISAPPOINT DECEIVE -wander BETRAY SPEAK TRAVEL -cheat_on BETRAY -traicionar BETRAY REVEAL FRUSTRATE_DISAPPOINT -cuckold BETRAY -tromper BETRAY DECEIVE -poner_los_cuernos BETRAY -ser_infiel BETRAY -cheat BETRAY DECEIVE STEAL_DEPRIVE -vender GIVE-UP_ABOLISH_ABANDON PERSUADE WORK INFORM SELL BETRAY -sell PERSUADE APPROVE_PRAISE WORK GIVE-UP_ABOLISH_ABANDON SELL BETRAY -fallar MISS_OMIT_LACK DECREE_DECLARE FAIL_LOSE BREAK_DETERIORATE WORSEN FRUSTRATE_DISAPPOINT -fail SUBJECTIVE-JUDGING FAIL_LOSE BREAK_DETERIORATE WORSEN FRUSTRATE_DISAPPOINT -bewray REVEAL -give_away GIVE_GIFT BETRAY REVEAL CHANGE-HANDS -snitch BETRAY STEAL_DEPRIVE -tell_on BETRAY AFFECT -trahir BETRAY -shit BETRAY EXCRETE -rat INCREASE_ENLARGE_MULTIPLY BETRAY LEAVE_DEPART_RUN-AWAY HUNT HIRE -denounce ACCUSE BETRAY SPEAK CRITICIZE -grass COVER_SPREAD_SURMOUNT NOURISH_FEED BETRAY KNOCK-DOWN DRY -shop SEARCH BETRAY ATTEND BUY -stag BETRAY ATTEND SEE -cafter INCREASE_ENLARGE_MULTIPLY BETRAY LEAVE_DEPART_RUN-AWAY HUNT HIRE -dénoncer BETRAY -deceive DECEIVE -lead_astray DECEIVE DIRECT_AIM_MANEUVER TEACH -majorer AMELIORATE -mayorar AMELIORATE -abiselar SHAPE -chamfer SHAPE CAVE_CARVE -bevel SHAPE -biselar SHAPE CAVE_CARVE -beware WATCH_LOOK-OUT -tener_cuidado WATCH_LOOK-OUT -estar_alerta WATCH_LOOK-OUT -faire_attention WATCH_LOOK-OUT -bewhisker LOAD_PROVIDE_CHARGE_FURNISH -whisker LOAD_PROVIDE_CHARGE_FURNISH -poner_pelos LOAD_PROVIDE_CHARGE_FURNISH -magnetizar CONVERT ATTRACT_SUCK -embriagar AROUSE_WAKE_ENLIVEN HURT_HARM_ACHE ATTRACT_SUCK -mesmerize ATTRACT_SUCK BEWITCH -mesmerise ATTRACT_SUCK BEWITCH -hechizar STOP ATTRACT_SUCK BEWITCH -spellbind CHANGE-APPEARANCE/STATE STOP ATTRACT_SUCK -magnetise CONVERT ATTRACT_SUCK -magnetize CONVERT ATTRACT_SUCK -hipnotizar ATTRACT_SUCK BEWITCH -hex BEWITCH -glamour BEWITCH -ensorceler BEWITCH -envouter BEWITCH -witch BEWITCH -jinx DECREE_DECLARE BEWITCH -predeterminar DECIDE_DETERMINE INFLUENCE -bias INFLUENCE -predetermine DECIDE_DETERMINE INFLUENCE -predisponer CAUSE-MENTAL-STATE INFLUENCE PREPARE POSSESS -darle DRINK -tipple DRINK -bib DRINK -trincar DRINK -quibble ABSTAIN_AVOID_REFRAIN ARGUE-IN-DEFENSE -squabble ARGUE-IN-DEFENSE -pettifog ARGUE-IN-DEFENSE -bicker ARGUE-IN-DEFENSE -enzarzar ARGUE-IN-DEFENSE -liarla ARGUE-IN-DEFENSE -niggle ARGUE-IN-DEFENSE CAUSE-MENTAL-STATE -brabble ARGUE-IN-DEFENSE -bicycle MOVE-BY-MEANS-OF -wheel TURN_CHANGE-DIRECTION MOVE-BY-MEANS-OF CARRY_TRANSPORT OVERCOME_SURPASS -cycle MOVE-BY-MEANS-OF REPEAT CONTINUE -andar_sobre_ruedas MOVE-BY-MEANS-OF -faire_du_vélo MOVE-BY-MEANS-OF -pedal MOVE-BY-MEANS-OF OPERATE -bicicletear MOVE-BY-MEANS-OF -andar_en_bicicleta MOVE-BY-MEANS-OF -montar_bicicleta MOVE-BY-MEANS-OF -rodar TURN_CHANGE-DIRECTION FALL_SLIDE-DOWN MAKE-A-SOUND OVERCOME_SURPASS MOVE-ONESELF TRAVEL RECORD ROLL MOVE-BY-MEANS-OF PERFORM GO-FORWARD -pedalear MOVE-BY-MEANS-OF OPERATE -bike MOVE-BY-MEANS-OF -desear MISS_OMIT_LACK ORDER HOST_MEAL_INVITE REQUIRE_NEED_WANT_HOPE -wish REQUIRE_NEED_WANT_HOPE -ofrecer LOAD_PROVIDE_CHARGE_FURNISH OFFER SELL SPEAK PREPARE ORGANIZE GIVE_GIFT -offer LOAD_PROVIDE_CHARGE_FURNISH PERFORM OFFER SELL SPEAK ASK_REQUEST ORGANIZE GIVE_GIFT -ofertar GIVE_GIFT OFFER SELL -dar_puñetazos HIT -abofetear HIT -apuñetear HIT -apuñear HIT -agarrar_a_puñetazos HIT -pommel HIT -biff HIT -pummel HIT -bifurcate SEPARATE_FILTER_DETACH -bifurcarse SEPARATE_FILTER_DETACH -bifurquer SEPARATE_FILTER_DETACH -se_bifurcan SEPARATE_FILTER_DETACH -bifurcar SEPARATE_FILTER_DETACH -engazar SECURE_FASTEN_TIE -bight SECURE_FASTEN_TIE -engarzar COMBINE_MIX_UNITE INSERT SECURE_FASTEN_TIE -take_in_water HOLE_PIERCE -bilge HOLE_PIERCE BREAK_DETERIORATE -evade ABSTAIN_AVOID_REFRAIN SPEAK LEAVE_DEPART_RUN-AWAY -elude ABSTAIN_AVOID_REFRAIN EXIST-WITH-FEATURE LEAVE_DEPART_RUN-AWAY -evadir ABSTAIN_AVOID_REFRAIN LEAVE_DEPART_RUN-AWAY -rehuir ABSTAIN_AVOID_REFRAIN LEAVE_DEPART_RUN-AWAY -cobrar EARN RECORD CHARGE ASK_REQUEST CHANGE_SWITCH RECEIVE -bill PUBLICIZE CHARGE -anunciar_en_cartelera PUBLICIZE -lanzar BEGIN MOVE-ONESELF MOVE-SOMETHING THROW HOLE_PIERCE PUBLISH PUBLICIZE PRESS_PUSH_FOLD ESTABLISH SHOOT_LAUNCH_PROPEL -anunciar_con_carteles PUBLICIZE -anunciar_en_carteles PUBLICIZE -placard PUBLICIZE ATTACH -publicitar_con_carteles PUBLICIZE -acuartelar LOAD_PROVIDE_CHARGE_FURNISH -acantonar LOAD_PROVIDE_CHARGE_FURNISH -billet LOAD_PROVIDE_CHARGE_FURNISH -quarter LOAD_PROVIDE_CHARGE_FURNISH SEPARATE_FILTER_DETACH DIVIDE KILL -canton LOAD_PROVIDE_CHARGE_FURNISH SEPARATE_FILTER_DETACH -heave MAKE-A-SOUND TRY THROW BEND BREATH_BLOW RAISE GO-FORWARD -ondular MOVE-ONESELF MOVE-SOMETHING HAPPEN_OCCUR ROLL EMBELLISH RAISE GO-FORWARD -olear GO-FORWARD -surge RAISE INCREASE_ENLARGE_MULTIPLY GO-FORWARD AMELIORATE -wallow CAUSE-MENTAL-STATE RAISE TRAVEL ENJOY -botar FALL_SLIDE-DOWN BEGIN MOVE-ONESELF HIT JUMP DISCARD GO-FORWARD -bin DISCARD -empatar MATCH SECURE_FASTEN_TIE SCORE JOIN_CONNECT -constiper HURT_HARM_ACHE SLOW-DOWN -estreñir HURT_HARM_ACHE -constipate HURT_HARM_ACHE SLOW-DOWN -encuadernar LOAD_PROVIDE_CHARGE_FURNISH -obligar OBLIGE_FORCE -obligate OBLIGE_FORCE -truss SECURE_FASTEN_TIE STABILIZE_SUPPORT-PHYSICALLY -tie_down SECURE_FASTEN_TIE OBLIGE_FORCE -sujetar RESTRAIN CATCH SECURE_FASTEN_TIE JOIN_CONNECT PRESS_PUSH_FOLD OBLIGE_FORCE -bind_off FINISH_CONCLUDE_END -bind_over CAGE_IMPRISON -stuff STOP EAT_BITE FILL PRESS_PUSH_FOLD PUT_APPLY_PLACE_PAVE -engullir DRINK EAT_BITE -gormandize EAT_BITE -ingurgitate EAT_BITE -overindulge EAT_BITE -overgorge EAT_BITE -overeat EAT_BITE -atracarse EAT_BITE -dévorer EAT_BITE -gormandise EAT_BITE -binge EAT_BITE -engorge EAT_BITE -gorge EAT_BITE -glut LOAD_PROVIDE_CHARGE_FURNISH EAT_BITE -englut EAT_BITE -satiate EAT_BITE FEEL -scarf_out EAT_BITE -pig_out EAT_BITE -devorar EAT_BITE -gourmandize EAT_BITE -bioassay ANALYZE -biodegrade DESTROY -varear HIT -dar_de_varillazos HIT -birch HIT -bird STUDY -birdwatch STUDY -bird-nest GROUP -birdnest GROUP -birdie SCORE -birdlime COVER_SPREAD_SURMOUNT -lime COVER_SPREAD_SURMOUNT -whirl MOVE-ONESELF MOVE-SOMETHING TRAVEL FLY FLOW -hacer_girar MOVE-SOMETHING -birl MOVE-SOMETHING -spin MOVE-ONESELF MOVE-SOMETHING CREATE_MATERIALIZE INCREASE_ENLARGE_MULTIPLY WEAVE FLOW INTERPRET -twirl TRAVEL MOVE-SOMETHING -birle MOVE-SOMETHING -whiz MAKE-A-SOUND -whir MAKE-A-SOUND -whirr MAKE-A-SOUND -whizz MAKE-A-SOUND RUN -silbar MAKE-A-SOUND MOVE-ONESELF TRAVEL PERFORM SIGNAL_INDICATE -zumbar MAKE-A-SOUND HURT_HARM_ACHE TRAVEL -birr MAKE-A-SOUND -ronronear MAKE-A-SOUND -purr MAKE-A-SOUND -bisecar CUT DIVIDE -bisect CUT -bite HOLE_PIERCE HURT_HARM_ACHE EAT_BITE -dar_un_bocado EAT_BITE -seize_with_teeth EAT_BITE -mordre EAT_BITE -morder HURT_HARM_ACHE EAT_BITE -abrasar LIGHT_SHINE BURN DRY HURT_HARM_ACHE -burn CAUSE-MENTAL-STATE HURT_HARM_ACHE CONSUME_SPEND DESTROY LIGHT_SHINE BURN INCREASE_ENLARGE_MULTIPLY -incendiar HURT_HARM_ACHE CONSUME_SPEND DESTROY LIGHT_SHINE BURN -sting BURDEN_BEAR HURT_HARM_ACHE -pinchar CAUSE-MENTAL-STATE CUT HURT_HARM_ACHE BURDEN_BEAR DECEIVE CRITICIZE PRESS_PUSH_FOLD HOLE_PIERCE PERFORM -prick HOLE_PIERCE RAISE HURT_HARM_ACHE -bite_off EAT_BITE -snap_at EAT_BITE -bite_out SPEAK -bitt SECURE_FASTEN_TIE -bitter CHANGE-TASTE -bituminize TREAT-WITH/BY -bituminise TREAT-WITH/BY -tent STAY_DWELL -bivouac STAY_DWELL -camp SHOW MOUNT_ASSEMBLE_PRODUCE STAY_DWELL -camper STAY_DWELL -encamp STAY_DWELL -camp_out STAY_DWELL -acampar STAY_DWELL -vivaquear STAY_DWELL -chatter CUT SPEAK MAKE-A-SOUND -clack MAKE-A-SOUND SPEAK -piffle BEHAVE SPEAK -baragouiner MAKE-A-SOUND SPEAK -blabber SPEAK -palabrer SPEAK PERSUADE DISCUSS -twaddle SPEAK -tittle-tattle SPEAK -prate SPEAK -garlar SPEAK -prattle SPEAK -gabble SPEAK -palaver SPEAK PERSUADE DISCUSS -maunder SPEAK TRAVEL -gibber MAKE-A-SOUND SPEAK -disparatar SPEAK -jaser SPEAK -ennegrecerse COLOR DIM -black COLOR -tiznar COLOR DIRTY HURT_HARM_ACHE -melanize COLOR CONVERT -melanise COLOR CONVERT -blacken COLOR BURN -entiznarse COLOR -nigrify COLOR -tiznarse COLOR -black_market SELL -black_marketeer WORK -black_out COLOR SLEEP STOP DESTROY -ensombrecerse COLOR DIM -blacken_out COLOR -quedar_en_tinieblas COLOR -desfallecer SLEEP WEAKEN -desmayarse SLEEP -pass_out SLEEP GIVE_GIFT -zonk_out SLEEP -desvanecerse SLEEP FINISH_CONCLUDE_END SPEND-TIME_PASS-TIME CHANGE_SWITCH WEAKEN DISAPPEAR -borrar FORGET KILL CANCEL_ELIMINATE DESTROY -obliterar FORGET CANCEL_ELIMINATE DESTROY -tachar ACCUSE CANCEL_ELIMINATE NAME DESTROY -votar_en_contra REFUSE STOP CANCEL_ELIMINATE -negar REFUSE PRECLUDE_FORBID_EXPEL -negative REFUSE -vetar REFUSE PRECLUDE_FORBID_EXPEL -dar_bola_negra REFUSE -veto REFUSE PRECLUDE_FORBID_EXPEL -echar_bola_negra REFUSE -blackberry GROUP -buscar_moras GROUP -sear BURN DRY -scorch BURN DRY DESTROY -chamuscar BURN DRY -requemar BURN -carbonizar BURN -achicharrar LIGHT_SHINE BURN -char BURN -guy JOKE STABILIZE_SUPPORT-PHYSICALLY -burla JOKE -make_fun JOKE -poke_fun JOKE -rib JOKE SEW -roast JOKE COOK -laugh_at JOKE -jest_at JOKE -ridicule JOKE -pressure INFLUENCE OBLIGE_FORCE -blackjack INFLUENCE -chantajear INFLUENCE -blackmail INFLUENCE STEAL_DEPRIVE -blacklead COVER_SPREAD_SURMOUNT -scab BETRAY HELP_HEAL_CARE_CURE -fink BETRAY RECOGNIZE_ADMIT_IDENTIFY -blackleg BETRAY -blacklist PRECLUDE_FORBID_EXPEL -blacktop COVER_SPREAD_SURMOUNT -blackwash COLOR REVEAL -blame ACCUSE CRITICIZE -fault ACCUSE -meterse_con CRITICIZE -find_fault CRITICIZE -buscar_defectos CRITICIZE -blanch COLOR COOK -empalidecer COLOR -blench COLOR -palidecer COLOR -pale COLOR -escaldar HEAT BURN COOK -sancochar COOK -parboil COOK -halagar FLATTER CAUSE-MENTAL-STATE -lisonjear FLATTER -blandish FLATTER -blank PRECLUDE_FORBID_EXPEL -faire_abstraction_de REMEMBER CANCEL_ELIMINATE -blank_out REMEMBER CANCEL_ELIMINATE -draw_a_blank REMEMBER -olvidar REMEMBER FORGET CANCEL_ELIMINATE LEAVE-BEHIND DISCARD -quedarse_en_blanco REMEMBER -avoir_un_trou_de_mémoire REMEMBER -forget REMEMBER LEAVE-BEHIND FORGET -oublier REMEMBER -blanket COVER_SPREAD_SURMOUNT -recouvrir COVER_SPREAD_SURMOUNT KILL LIE INCLUDE-AS -blanket_jam STOP -retumbar MAKE-A-SOUND REPEAT -blast MAKE-A-SOUND SPOIL ATTACK_BOMB CRITICIZE HIT BREAK_DETERIORATE CAVE_CARVE BREATH_BLOW SHOOT_LAUNCH_PROPEL -blare_out SPEAK -blat_out SPEAK -blarney PERSUADE -amadouer PERSUADE -sweet-talk PERSUADE -cajole PERSUADE -coax PERSUADE -wheedle PERSUADE -camelar PERSUADE -inveigle PERSUADE -blasphémer OFFEND_DISESTEEM -blasfemar OFFEND_DISESTEEM -blaspheme OFFEND_DISESTEEM -cuss OFFEND_DISESTEEM -jurer OFFEND_DISESTEEM -imprecar OFFEND_DISESTEEM -knock_down BREAK_DETERIORATE KNOCK-DOWN -shoot HURT_HARM_ACHE SCORE GROW_PLOW THROW WASTE MEASURE_EVALUATE RECORD KILL WEAVE EMIT INSERT SPEAK RUN DIRECT_AIM_MANEUVER SHOOT_LAUNCH_PROPEL -faire_feu SHOOT_LAUNCH_PROPEL -disparar SCORE MEASURE_EVALUATE WASTE INCREASE_ENLARGE_MULTIPLY KILL OPERATE RUN DIRECT_AIM_MANEUVER SHOOT_LAUNCH_PROPEL -fracasser HIT -chafar PRESS_PUSH_FOLD HIT -boom MAKE-A-SOUND INCREASE_ENLARGE_MULTIPLY HIT -arremeter_contra CRITICIZE -savage ATTACK_BOMB CRITICIZE -crucificar KILL CRITICIZE -masacrar KILL CRITICIZE -mettre_au_pilori JOKE CRITICIZE PUNISH -tratar_salvajemente CRITICIZE -pillory JOKE CRITICIZE PUNISH -blast_off THROW -blaze LIGHT_SHINE BURN RUN SHOOT_LAUNCH_PROPEL SIGNAL_INDICATE -flamear RUN -blaze_out RUN -tirotear SHOOT_LAUNCH_PROPEL -blaze_away PERFORM SPEAK SHOOT_LAUNCH_PROPEL -flare LIGHT_SHINE BURN BEGIN INCREASE_ENLARGE_MULTIPLY -blaze_up BURN -flame_up BURN -llamear BURN -burn_up BURN CONSUME_SPEND -arder LIGHT_SHINE BURN DESTROY CAUSE-MENTAL-STATE -blasonar EMBELLISH -emblazon COLOR EMBELLISH -blazon EMBELLISH -blazon_out SPEAK -crier MAKE-A-SOUND SPEAK OPPOSE_REBEL_DISSENT -cry MAKE-A-SOUND SPEAK CRY REQUIRE_NEED_WANT_HOPE -pregonar MAKE-A-SOUND SPEAK -enlejiar COLOR -bleach COLOR REMOVE_TAKE-AWAY_KIDNAP -blanquear SUBJECTIVE-JUDGING CONVERT COVER_SPREAD_SURMOUNT COLOR CLOUD_SHADOW_HIDE -decolor REMOVE_TAKE-AWAY_KIDNAP -decolorise REMOVE_TAKE-AWAY_KIDNAP -decolorar REMOVE_TAKE-AWAY_KIDNAP COLOR CHANGE_SWITCH -decolorize REMOVE_TAKE-AWAY_KIDNAP -decolourise REMOVE_TAKE-AWAY_KIDNAP -discolorize REMOVE_TAKE-AWAY_KIDNAP -descolorar REMOVE_TAKE-AWAY_KIDNAP COLOR CHANGE_SWITCH -decolour REMOVE_TAKE-AWAY_KIDNAP -discolorise REMOVE_TAKE-AWAY_KIDNAP -descolorir REMOVE_TAKE-AWAY_KIDNAP -bleach_out REMOVE_TAKE-AWAY_KIDNAP -discolourise REMOVE_TAKE-AWAY_KIDNAP -decolourize REMOVE_TAKE-AWAY_KIDNAP -desdibujarse MESS DIM -blear DIM -blur DIRTY BLIND MESS DIM -desdibujar MESS DIM -difuminar MESS CORRODE_WEAR-AWAY_SCRATCH BLIND DIM -velarse BLIND DIM -empañar DIRTY DIM DRESS_WEAR MESS CLOUD_SHADOW_HIDE -brouiller DIM -saigner EXCRETE -bleed SPILL_POUR STEAL_DEPRIVE EXCRETE COVER_SPREAD_SURMOUNT -hemorrhage EXCRETE -sangrar EXCRETE -shed_blood EXCRETE KILL -desangrarse EXCRETE -purgar SPILL_POUR LIBERATE_ALLOW_AFFORD DRIVE-BACK WASH_CLEAN -drenar SPILL_POUR EMPTY_UNLOAD FLOW -correrse CAUSE-MENTAL-STATE COVER_SPREAD_SURMOUNT -flebotomitzar EXCRETE -phlebotomize EXCRETE -phlebotomise EXCRETE -extraer_sangre EXCRETE -aplicar_sangüijuelas EXCRETE -leech EXCRETE -bleep MAKE-A-SOUND -blemish BREAK_DETERIORATE HURT_HARM_ACHE -spot DIRTY HURT_HARM_ACHE SEE PERCEIVE SIGNAL_INDICATE -estropier HURT_HARM_ACHE -endommager WORSEN HURT_HARM_ACHE -défigurer HURT_HARM_ACHE -abîmer HURT_HARM_ACHE -dégrader HURT_HARM_ACHE -abimer HURT_HARM_ACHE -deformar BREAK_DETERIORATE HURT_HARM_ACHE SHAPE -disfigure HURT_HARM_ACHE -afear WORSEN HURT_HARM_ACHE DEBASE_ADULTERATE -deface HURT_HARM_ACHE -perjudicar EXIST-WITH-FEATURE STOP HURT_HARM_ACHE WORSEN GUESS -flaw BREAK_DETERIORATE -desmejorar BREAK_DETERIORATE -añadir_una_imperfección BREAK_DETERIORATE -blend COMBINE_MIX_UNITE HARMONIZE -flux CHANGE-APPEARANCE/STATE HARMONIZE GO-FORWARD -combiner COMBINE_MIX_UNITE HARMONIZE -amalgamer HARMONIZE -fundir CONVERT HARMONIZE HEAT -meld COMBINE_MIX_UNITE DECREE_DECLARE HARMONIZE -commingle COMBINE_MIX_UNITE HARMONIZE -coalesce COMBINE_MIX_UNITE HARMONIZE -conflate HARMONIZE -mêler HARMONIZE -mélanger HARMONIZE -merge COMBINE_MIX_UNITE HARMONIZE -fluidifier CHANGE-APPEARANCE/STATE HARMONIZE GO-FORWARD -entremêler HARMONIZE -immix HARMONIZE -conjugar COMBINE_MIX_UNITE SPEAK HARMONIZE -fuse CONVERT LOAD_PROVIDE_CHARGE_FURNISH HARMONIZE -blend_in COMBINE_MIX_UNITE HARMONIZE -casar JOIN_CONNECT FIT EMCEE HARMONIZE ALLY_ASSOCIATE_MARRY -fusionarse COMBINE_MIX_UNITE HARMONIZE -mestallar COMBINE_MIX_UNITE -intermix COMBINE_MIX_UNITE -entremezclar ALTERNATE COMBINE_MIX_UNITE -intermingle COMBINE_MIX_UNITE -homogeneizar CONVERT COMBINE_MIX_UNITE -entremezclarse COMBINE_MIX_UNITE -immingle COMBINE_MIX_UNITE -mezclarse EXIST-WITH-FEATURE MESS COMBINE_MIX_UNITE PARTICIPATE -mix_in COMBINE_MIX_UNITE ADD -incorporar COMBINE_MIX_UNITE -bless COMMUNE GIVE_GIFT SIGNAL_INDICATE -sign LOAD_PROVIDE_CHARGE_FURNISH HIRE APPROVE_PRAISE ALLY_ASSOCIATE_MARRY WRITE SIGN SIGNAL_INDICATE -persignarse SIGN SIGNAL_INDICATE -bendecir COMMUNE GIVE_GIFT SIGNAL_INDICATE -santificar CHANGE-APPEARANCE/STATE COMMUNE APPROVE_PRAISE -hallow COMMUNE -consagrar ASSIGN-smt-to-smn COMMUNE FOCUS -sanctify CHANGE-APPEARANCE/STATE COMMUNE -consacrer HAVE-A-FUNCTION_SERVE COMMUNE -halloween COMMUNE -sanctifier CHANGE-APPEARANCE/STATE COMMUNE -consecrate ASSIGN-smt-to-smn COMMUNE FOCUS -bénir COMMUNE -blight BREAK_DETERIORATE -infestar BREAK_DETERIORATE BENEFIT_EXPLOIT ENTER -blind BLIND DIM -dim MESS DIM -blindfold BLIND -blindside CAUSE-MENTAL-STATE ATTACK_BOMB -guiñar TURN_CHANGE-DIRECTION SIGNAL_INDICATE FACIAL-EXPRESSION -parpadear LIGHT_SHINE MOVE-ONESELF FACIAL-EXPRESSION -nictate FACIAL-EXPRESSION -blink LIGHT_SHINE FACIAL-EXPRESSION DRIVE-BACK -wink LIGHT_SHINE SIGNAL_INDICATE FACIAL-EXPRESSION DRIVE-BACK -nictitate FACIAL-EXPRESSION -winkle LIGHT_SHINE MOVE-SOMETHING -centellear LIGHT_SHINE -relampaguear LIGHT_SHINE -destellar LIGHT_SHINE -twinkle LIGHT_SHINE -titilar LIGHT_SHINE -flash SHOW LIGHT_SHINE APPEAR COVER_SPREAD_SURMOUNT RUN -brillar_intermitentemente LIGHT_SHINE -blink_away DRIVE-BACK -blinker PUT_APPLY_PLACE_PAVE -fustigar CRITICIZE HIT -scald HEAT BURN CRITICIZE DIP_DIVE -blister HURT_HARM_ACHE CRITICIZE -azotar FALL_SLIDE-DOWN DEFEAT CRITICIZE HIT -ampollar CRITICIZE -whip MOVE-ONESELF MOVE-SOMETHING CRITICIZE DEFEAT HIT -ampollarse HURT_HARM_ACHE -vesicate HURT_HARM_ACHE -blitz ATTACK_BOMB -blitzkrieg ATTACK_BOMB -boursoufler INCREASE_ENLARGE_MULTIPLY BULGE-OUT -bloat INCREASE_ENLARGE_MULTIPLY BULGE-OUT -fleck DIRTY -blot DIRTY DRY -blob DIRTY -immobiliser CONVERT STOP RETAIN_KEEP_SAVE-MONEY -immobilise CONVERT STOP RETAIN_KEEP_SAVE-MONEY -immobilize CONVERT STOP RETAIN_KEEP_SAVE-MONEY -congelar EXIST-WITH-FEATURE STOP COOL CHANGE-APPEARANCE/STATE PRESERVE -freeze EXIST-WITH-FEATURE BEHAVE STOP COOL CHANGE-APPEARANCE/STATE PRESERVE -interceptar CATCH STOP DECEIVE -interferir INSERT STOP PARTICIPATE -jam STOP AMASS HURT_HARM_ACHE FILL PRESS_PUSH_FOLD -hinder STOP COMPLEXIFY -obstruct STOP CLOUD_SHADOW_HIDE -entorpecer STOP -stymy STOP -apenar CAUSE-MENTAL-STATE STOP -stymie STOP -estorbar STOP PRECLUDE_FORBID_EXPEL GUESS -parry ABSTAIN_AVOID_REFRAIN STOP -esconder TAKE-SHELTER COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -ocluir STOP -occlude STOP -impede STOP -obturate STOP -arrastrar SEARCH STOP CARRY_TRANSPORT MOVE-ONESELF PERSUADE CONTINUE FIGHT PULL TOUCH PRONOUNCE -lug STOP CARRY_TRANSPORT -choke_up STOP -kibosh STOP -close_off STOP ISOLATE -shut_off STOP ISOLATE -cerrar CLOSE FINISH_CONCLUDE_END STOP SECURE_FASTEN_TIE PRECLUDE_FORBID_EXPEL SETTLE_CONCILIATE -proteger WATCH_LOOK-OUT STOP COVER_SPREAD_SURMOUNT PROTECT TAKE-SHELTER DRIVE-BACK -block_out PLAN_SCHEDULE SIGNAL_INDICATE STOP CLOUD_SHADOW_HIDE -screen SEARCH SHOW STOP ANALYZE SEPARATE_FILTER_DETACH PROTECT -enmascarar DECEIVE COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -mask DECEIVE COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -seal_off CLOSE STOP -bloguear PUBLISH -blog PUBLISH -blogear PUBLISH -blood COVER_SPREAD_SURMOUNT -bloody COVER_SPREAD_SURMOUNT -ensangrentar COVER_SPREAD_SURMOUNT -fleurir GROW_PLOW -florecer DEVELOP_AGE GROW_PLOW INCREASE_ENLARGE_MULTIPLY APPEAR AMELIORATE -blossom GROW_PLOW DEVELOP_AGE -bloom GROW_PLOW -flower GROW_PLOW -unfold OPEN DEVELOP_AGE EXTEND SHOW -abrirse LOAD_PROVIDE_CHARGE_FURNISH OPEN DEVELOP_AGE SPEAK LEAVE_DEPART_RUN-AWAY -blossom_out DEVELOP_AGE -blossom_forth DEVELOP_AGE -enturbiar DIRTY MESS CLOUD_SHADOW_HIDE DIM -blot_out CLOUD_SHADOW_HIDE -obliterate CANCEL_ELIMINATE CLOUD_SHADOW_HIDE FORGET -condenar_al_olvido CLOUD_SHADOW_HIDE -veil CLOUD_SHADOW_HIDE -hide COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -streak DIRTY RUN GO-FORWARD -mottle COLOR DIRTY -blotch DIRTY -bloviate SPEAK -perorar SPEAK -shove_off LEAVE_DEPART_RUN-AWAY -shove_along LEAVE_DEPART_RUN-AWAY -resoplar MAKE-A-SOUND REST BREATH_BLOW SMELL -tirar_el_dinero WASTE -desperdiciar WASTE -squander WASTE -waste DESTROY WASTE KILL WEAKEN DISCARD FLOW -malgastar WASTE GIVE_GIFT -burn_out BREAK_DETERIORATE -blow_out BREAK_DETERIORATE EXPLODE RESTRAIN -tailler_une_plume HAVE-SEX -fellationner HAVE-SEX -pomper HAVE-SEX -faire_un_pompier HAVE-SEX -fellate HAVE-SEX -sucer HAVE-SEX ATTRACT_SUCK -go_down_on HAVE-SEX -tailler_une_pipe HAVE-SEX -chupar HAVE-SEX ABSORB ATTRACT_SUCK -chuparla HAVE-SEX -faire_une_pipe HAVE-SEX -sonner PERFORM -boast BEHAVE DRESS_WEAR -vanagloriarse BEHAVE -fanfarronear BEHAVE SHOW -alardear BEHAVE DRESS_WEAR SHOW -gloriarse BEHAVE -bravear BEHAVE -farolear BEHAVE -fachendear BEHAVE -bluster BEHAVE AIR -shoot_a_line BEHAVE -gas BEHAVE ATTACK_BOMB -creerse BEHAVE -dragonear BEHAVE -tout BEHAVE PUBLICIZE -gallardear BEHAVE -gasconade BEHAVE -jactarse BEHAVE SHOW ENJOY -vaunt BEHAVE -swash BEHAVE WET MOVE-ONESELF -brag BEHAVE -ufanarse BEHAVE -blow-dry DRY -blow_one's_stack CAUSE-MENTAL-STATE -throw_a_fit CAUSE-MENTAL-STATE -flip_one's_lid CAUSE-MENTAL-STATE -fly_off_the_handle CAUSE-MENTAL-STATE -combust CAUSE-MENTAL-STATE OPPOSE_REBEL_DISSENT BURN -lose_one's_temper CAUSE-MENTAL-STATE -hit_the_roof CAUSE-MENTAL-STATE -hit_the_ceiling CAUSE-MENTAL-STATE -go_ballistic CAUSE-MENTAL-STATE -flip_one's_wig CAUSE-MENTAL-STATE -perder_los_estribos CAUSE-MENTAL-STATE -have_a_fit CAUSE-MENTAL-STATE -blow_a_fuse CAUSE-MENTAL-STATE -have_kittens CAUSE-MENTAL-STATE -arrebatar REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE TAKE CATCH -blow_off REMOVE_TAKE-AWAY_KIDNAP -apagarse DISAPPEAR STOP RESTRAIN -snuff_out KILL RESTRAIN -extinguir FINISH_CONCLUDE_END PAY RESTRAIN KILL CANCEL_ELIMINATE WEAKEN -extinguirse FINISH_CONCLUDE_END STOP KILL RESTRAIN -irse STOP CONSUME_SPEND RESTRAIN SPEAK LEAVE_DEPART_RUN-AWAY FLOW -blow_over DISAPPEAR -fleet DISAPPEAR TRAVEL -pass_off DECEIVE HAPPEN_OCCUR EMIT REFUSE DISAPPEAR -desaparecer DISAPPEAR REDUCE_DIMINISH LEAVE_DEPART_RUN-AWAY DIP_DIVE -evanesce DISAPPEAR -fade WORSEN DISAPPEAR WEAKEN -marchar SHOW MOVE-ONESELF OPERATE LEAVE_DEPART_RUN-AWAY DISAPPEAR GO-FORWARD -agrandar INCREASE_ENLARGE_MULTIPLY -engrandecer INCREASE_ENLARGE_MULTIPLY -enlarge INCREASE_ENLARGE_MULTIPLY AMELIORATE -explosionar EXPLODE DESTROY -explode DESTROY REACT EXPLODE INCREASE_ENLARGE_MULTIPLY FILL DRIVE-BACK PROVE PRONOUNCE -detonar EXPLODE -detonate EXPLODE -inflarse INCREASE_ENLARGE_MULTIPLY FILL -gonfler FILL -détoner EXPLODE -exploser EXPLODE -estallar MAKE-A-SOUND BEGIN REACT EXPLODE BREAK_DETERIORATE FILL -puff_up CAUSE-MENTAL-STATE INCREASE_ENLARGE_MULTIPLY APPROVE_PRAISE -puff_out INCREASE_ENLARGE_MULTIPLY -puff AROUSE_WAKE_ENLIVEN APPROVE_PRAISE INCREASE_ENLARGE_MULTIPLY SPEAK BREATH_BLOW -lloriquear OPPOSE_REBEL_DISSENT SPEAK CRY -sniffle BREATH_BLOW CRY -snivel SPEAK BREATH_BLOW CRY -snuffle BREATH_BLOW CRY SMELL -blubber SPEAK CRY -blub CRY -resollar SPEAK BREATH_BLOW CRY -llorar CAUSE-MENTAL-STATE EXCRETE CRY -sollozar OPPOSE_REBEL_DISSENT CRY -blubber_out SPEAK -bludgeon OBLIGE_FORCE HIT -club AMASS ALLY_ASSOCIATE_MARRY MEET HIT -dar_bastonazos HIT -blue COLOR -azular COLOR -azulear COLOR -delete CANCEL_ELIMINATE -blue-pencil CANCEL_ELIMINATE -edit ADJUST_CORRECT PUBLISH CANCEL_ELIMINATE -editar ADJUST_CORRECT PUBLISH CANCEL_ELIMINATE -hacer_un_borrador CREATE_MATERIALIZE PRINT SHAPE -draft CREATE_MATERIALIZE HIRE PRINT -corriente_de_aire PRINT -draught PRINT -blueprint PRINT -bluff CAUSE-MENTAL-STATE DECEIVE -tirarse_un_farol DECEIVE -bluff_out DECEIVE -goof MISTAKE -blunder SPEAK MISTAKE GO-FORWARD -drop_the_ball MISTAKE -sin MISTAKE VIOLATE -meter_la_pata MISTAKE -pecar MISTAKE VIOLATE -boob MISTAKE -ejaculate SPEAK EXCRETE -blunder_out SPEAK -blurt SPEAK -blurt_out SPEAK -arromar BREAK_DETERIORATE CHANGE-APPEARANCE/STATE STOP WEAKEN -embotar BREAK_DETERIORATE SLOW-DOWN WEAKEN -embotarse BREAK_DETERIORATE -despuntar BREAK_DETERIORATE GROW_PLOW STOP WEAKEN -amortiguar STOP DIM PROTECT WEAKEN CLOUD_SHADOW_HIDE -amortecer WEAKEN -deaden MESS CONVERT KILL WEAKEN REDUCE_DIMINISH -desafilar BREAK_DETERIORATE -deslucir BREAK_DETERIORATE CHANGE-APPEARANCE/STATE DIM -smutch DIRTY -smudge DIRTY -empañarse COVER_SPREAD_SURMOUNT BLIND CHANGE_SWITCH DIM -difuminarse MESS DIM -slur PERFORM OFFEND_DISESTEEM MESS SPEAK -enturbiarse MESS -film_over BLIND -glaze_over CHANGE-APPEARANCE/STATE BLIND -prendre_un_air_absent CHANGE-APPEARANCE/STATE BLIND -entenebrecer MESS -hacer_confuso MESS -sonrosarse COLOR -redden COLOR -enrojecer COLOR -sonrojar COLOR -rougir COLOR -blush COLOR -rosarse COLOR -arrebolar COLOR -crimson COLOR -ruborizarse COLOR -sonrojarse COLOR -flush LIGHT_SHINE WET FLATTEN_SMOOTHEN WASH_CLEAN COLOR FLOW -swagger BEHAVE OBLIGE_FORCE MOVE-ONESELF -board CATCH_EMBARK HOST_MEAL_INVITE STAY_DWELL -embarcar RISK CARRY_TRANSPORT CATCH_EMBARK HOST_MEAL_INVITE STAY_DWELL -monter CATCH_EMBARK DIRECT_AIM_MANEUVER -monter_à_bord CATCH_EMBARK -embarquer CATCH_EMBARK -subirse_a CATCH_EMBARK -alojarse HOST_MEAL_INVITE STAY_DWELL -entablar BEGIN COVER_SPREAD_SURMOUNT PROTECT PROPOSE HOST_MEAL_INVITE PUT_APPLY_PLACE_PAVE -room STAY_DWELL -board_up PROTECT -constar DRESS_WEAR HAVE-A-FUNCTION_SERVE INCLUDE-AS -feature DRESS_WEAR EXIST-WITH-FEATURE -preciarse DRESS_WEAR -sport DRESS_WEAR BEHAVE -boat MOVE-BY-MEANS-OF -ir_en_barco MOVE-BY-MEANS-OF -boat-race COMPETE -bob CUT MOVE-ONESELF MOVE-BY-MEANS-OF LOWER -descolar CUT -tail REMOVE_TAKE-AWAY_KIDNAP CUT CHASE -dock CUT LAND_GET-OFF RETAIN_KEEP_SAVE-MONEY STEAL_DEPRIVE -andar_en_bobsled MOVE-BY-MEANS-OF -bobsled MOVE-BY-MEANS-OF -curtsy LOWER -faire_une_révérence LOWER -hacer_una_reverencia LEAVE_DEPART_RUN-AWAY LOWER -menearse TRAVEL MOVE-ONESELF MOVE-SOMETHING -bob_about MOVE-ONESELF -bob_around MOVE-ONESELF -desplazarse_sin_sentido MOVE-ONESELF -bob_under DISAPPEAR -body REPRESENT -dar_cuerpo REPRESENT -hacer_bodysurf TRAVEL -body-surf TRAVEL -matérialiser REPRESENT -body_forth REPRESENT -materializar APPEAR REPRESENT -incarnate CREATE_MATERIALIZE REPRESENT -incarner CREATE_MATERIALIZE REPRESENT -body_guard ACCOMPANY -bodypaint PAINT -bog_down STOP SLOW-DOWN -bog STOP SLOW-DOWN -encallarse STOP -atascarse STOP SLOW-DOWN -get_stuck STOP -mire DIRTY STOP -abarrancarse STOP -grind_to_a_halt STOP -bogey SCORE -estupefactar CAUSE-MENTAL-STATE -bowl_over INVERT_REVERSE CAUSE-MENTAL-STATE -boggle CAUSE-MENTAL-STATE STOP JUMP -flabbergast CAUSE-MENTAL-STATE -titubear BEHAVE STOP MOVE-ONESELF GO-FORWARD -sobresaltarse JUMP -rabiar BEHAVE CAUSE-MENTAL-STATE ATTACK_BOMB -seethe HEAT CAUSE-MENTAL-STATE MAKE-A-SOUND EMIT -bouillonner HEAT CAUSE-MENTAL-STATE MAKE-A-SOUND EMIT -indignarse CAUSE-MENTAL-STATE -boil HEAT CAUSE-MENTAL-STATE MOVE-ONESELF BURN -bouillir BURN -bullir HEAT BURN -faire_bouillir HEAT BURN -hervir HEAT BURN EMIT -porter_à_ébullition BURN -cocerse HEAT -churn CONVERT MOVE-ONESELF -roil MOVE-ONESELF DIM -moil WET WORK MOVE-ONESELF -come_down METEOROLOGICAL LOWER REPRESENT CRITICIZE CONTRACT-AN-ILLNESS_INFECT -reducirse REDUCE_DIMINISH REPRESENT -boil_down COOK REPRESENT -concentrate AMASS COOK CHANGE-APPEARANCE/STATE FOCUS SUMMARIZE GROUP -faire_une_décoction_de HEAT COOK EXTRACT -decoct HEAT COOK EXTRACT -overboil SPILL_POUR COOK -boil_over SPILL_POUR -boldface PRINT -imprimir_en_negrita PRINT -communise COMMUNIZE -bolshevise COMMUNIZE -communize COMMUNIZE -bolshevize COMMUNIZE -bolchevizar COMMUNIZE -acolchar SEW FILL -bolster STABILIZE_SUPPORT-PHYSICALLY STRENGTHEN_MAKE-RESISTANT FILL -bolster_up STRENGTHEN_MAKE-RESISTANT -bobinar ROLL -zamparse EAT_BITE -gobble MAKE-A-SOUND EAT_BITE -shovel_in EAT_BITE EARN -garbage_down EAT_BITE -gobble_up EAT_BITE -bomb ATTACK_BOMB FAIL_LOSE -catear FAIL_LOSE -flush_it FAIL_LOSE -flunk FAIL_LOSE -bombarder ATTACK_BOMB -bombear REMOVE_TAKE-AWAY_KIDNAP ATTACK_BOMB BEND ATTRACT_SUCK PRESS_PUSH_FOLD SHOOT_LAUNCH_PROPEL FLOW -bomb_out ATTACK_BOMB -bomb_up LOAD_PROVIDE_CHARGE_FURNISH -cargar_con_bombas LOAD_PROVIDE_CHARGE_FURNISH -pelt METEOROLOGICAL THROW ATTACK_BOMB -susurrar MAKE-A-SOUND SPEAK -buzz SUMMON MAKE-A-SOUND FLY -bombilate MAKE-A-SOUND -bombinate MAKE-A-SOUND -bombproof STRENGTHEN_MAKE-RESISTANT -emitir_bonos GUARANTEE_ENSURE_PROMISE -draw_together BEFRIEND -bring_together BEFRIEND JOIN_CONNECT -bonderise COVER_SPREAD_SURMOUNT -bonderize COVER_SPREAD_SURMOUNT -deshuesar REMOVE_TAKE-AWAY_KIDNAP -désosser REMOVE_TAKE-AWAY_KIDNAP -desosar REMOVE_TAKE-AWAY_KIDNAP -debone REMOVE_TAKE-AWAY_KIDNAP -bone REMOVE_TAKE-AWAY_KIDNAP STUDY -fajarse_a_estudiar STUDY -empollar GIVE-BIRTH LIE STUDY -swot_up STUDY -grind_away STUDY -mug_up STUDY -potasser STUDY -cram PUT_APPLY_PLACE_PAVE PREPARE FILL STUDY -bone_up STUDY -swot STUDY -bachoter STUDY -bong MAKE-A-SOUND -tañer MAKE-A-SOUND PERFORM -bonnet DRESS_WEAR -hiss MAKE-A-SOUND SPEAK MOVE-ONESELF CRITICIZE -boo CRITICIZE -boogie DANCE -book PLAN_SCHEDULE RECORD RESERVE -enregistrer RECORD -réserver PLAN_SCHEDULE HAVE-A-FUNCTION_SERVE RESERVE -hacer_una_reserva RECORD -book_up RESERVE -boom_out MAKE-A-SOUND -tronar MAKE-A-SOUND RUN CRITICIZE -din MAKE-A-SOUND TEACH -flourish INCREASE_ENLARGE_MULTIPLY MOVE-SOMETHING AMELIORATE -thrive INCREASE_ENLARGE_MULTIPLY AMELIORATE -medrar INCREASE_ENLARGE_MULTIPLY AMELIORATE -prosperar INCREASE_ENLARGE_MULTIPLY MOVE-SOMETHING AMELIORATE -thunder MAKE-A-SOUND SPEAK RUN -boomerang MOVE-BACK -boondoggle WORK -hike_up INCREASE_ENLARGE_MULTIPLY PULL -hike INCREASE_ENLARGE_MULTIPLY TRAVEL -boost_up MOVE-SOMETHING -reiniciar SUMMARIZE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND START-FUNCTIONING CONTINUE -lancer BEGIN START-FUNCTIONING OPERATE CARRY-OUT-ACTION SHOOT_LAUNCH_PROPEL -reboot START-FUNCTIONING -boot START-FUNCTIONING HIT -reinicializar START-FUNCTIONING -dar_patadas HIT -eject CANCEL_ELIMINATE WET DRIVE-BACK LEAVE_DEPART_RUN-AWAY -boot_out DISMISS_FIRE-SMN DRIVE-BACK -vider EMPTY_UNLOAD DRIVE-BACK -lourder DISMISS_FIRE-SMN DRIVE-BACK -turf_out DRIVE-BACK -chuck_out DISCARD DRIVE-BACK -drum_out DISMISS_FIRE-SMN -kick_out DISMISS_FIRE-SMN DRIVE-BACK -expel REMOVE_TAKE-AWAY_KIDNAP DISMISS_FIRE-SMN CANCEL_ELIMINATE DRIVE-BACK -renvoyer REMEMBER DELAY DISMISS_FIRE-SMN -oust REPLACE DISMISS_FIRE-SMN -bootleg MOUNT_ASSEMBLE_PRODUCE SELL -contrabandear CARRY_TRANSPORT SELL -toady FLATTER -kotow FLATTER -bootlick FLATTER -se_prosterner FLATTER LOWER -humillarse FLATTER SHOW -lamer_el_culo FLATTER -faon FLATTER SHOW GIVE-BIRTH -kowtow FLATTER LOWER -rebajarse FLATTER AGREE_ACCEPT -fawn FLATTER SHOW GIVE-BIRTH -truckle FLATTER GIVE-UP_ABOLISH_ABANDON -bootstrap CARRY-OUT-ACTION -booze DRINK -drink CELEBRATE_PARTY DRINK FOCUS -tomar_unas_copas DRINK -boire DRINK -emborracharse DRINK FEEL -beber CELEBRATE_PARTY DRINK -bound BORDER GO-FORWARD MOVE-BACK RESTRAIN -frame PLAN_SCHEDULE MOUNT_ASSEMBLE_PRODUCE CATCH ENCLOSE_WRAP SPEAK -enmarcar ENCLOSE_WRAP -frame_in ENCLOSE_WRAP -environ ENCLOSE_WRAP -entourer ENCLOSE_WRAP -encercler ENCLOSE_WRAP -circundar SECURE_FASTEN_TIE COVER_SPREAD_SURMOUNT ENCLOSE_WRAP STRENGTHEN_MAKE-RESISTANT INCLUDE-AS -cerner ENCLOSE_WRAP SEPARATE_FILTER_DETACH -rodear ABSTAIN_AVOID_REFRAIN DIVIDE SECURE_FASTEN_TIE COVER_SPREAD_SURMOUNT ENCLOSE_WRAP EMBELLISH STRENGTHEN_MAKE-RESISTANT OVERCOME_SURPASS -envolver CLOSE AMASS COVER_SPREAD_SURMOUNT ENCLOSE_WRAP ROLL -skirt ABSTAIN_AVOID_REFRAIN ENCLOSE_WRAP OVERCOME_SURPASS -cansar CAUSE-MENTAL-STATE EXHAUST CONSUME_SPEND HURT_HARM_ACHE HOLE_PIERCE -tire CAUSE-MENTAL-STATE EXHAUST CONSUME_SPEND -aburrir CAUSE-MENTAL-STATE -bore HOLE_PIERCE CAUSE-MENTAL-STATE -hastiar CAUSE-MENTAL-STATE -fatigar CAUSE-MENTAL-STATE EXHAUST WEAKEN -taladrar HOLE_PIERCE INCREASE_ENLARGE_MULTIPLY -horadar HOLE_PIERCE -barrenar HOLE_PIERCE -perforar HOLE_PIERCE CUT -agujerear HOLE_PIERCE SHOOT_LAUNCH_PROPEL -drill HOLE_PIERCE TEACH STUDY -tomar_prestado TAKE-A-SERVICE_RENT -emprestar TAKE-A-SERVICE_RENT -bosom TOUCH CLOUD_SHADOW_HIDE -estrujar TOUCH PRESS_PUSH_FOLD -hug TOUCH FIT -seno TOUCH -étreindre TOUCH -embrasser TOUCH -squeeze TOUCH OBLIGE_FORCE PRESS_PUSH_FOLD STEAL_DEPRIVE -repujar BULGE-OUT -boss BULGE-OUT -stamp MOUNT_ASSEMBLE_PRODUCE DESTROY TRAVEL REPRESENT ATTACH SORT_CLASSIFY_ARRANGE PRESS_PUSH_FOLD CAVE_CARVE BULGE-OUT -emboss BULGE-OUT -botanise SEARCH -botanize SEARCH -déranger CAUSE-MENTAL-STATE -disturbar CAUSE-MENTAL-STATE HURT_HARM_ACHE -incommode CAUSE-MENTAL-STATE -disoblige ABSTAIN_AVOID_REFRAIN CAUSE-MENTAL-STATE -discommode CAUSE-MENTAL-STATE -inconvenience CAUSE-MENTAL-STATE -inconvenience_oneself THINK -trouble_oneself THINK -molestarse OFFEND_DISESTEEM THINK -bottle PUT_APPLY_PLACE_PAVE RETAIN_KEEP_SAVE-MONEY -embotellar PUT_APPLY_PLACE_PAVE RETAIN_KEEP_SAVE-MONEY -embouteiller PUT_APPLY_PLACE_PAVE RETAIN_KEEP_SAVE-MONEY -inhibit PRECLUDE_FORBID_EXPEL RETAIN_KEEP_SAVE-MONEY RESTRAIN WEAKEN -suppress SUBJUGATE PRECLUDE_FORBID_EXPEL RETAIN_KEEP_SAVE-MONEY -refrenar RESTRAIN DELAY RETAIN_KEEP_SAVE-MONEY DIRECT_AIM_MANEUVER OBLIGE_FORCE REDUCE_DIMINISH -bottle_up RETAIN_KEEP_SAVE-MONEY -alimentar_con_biberón NOURISH_FEED -criar_con_biberón NOURISH_FEED -bottlefeed NOURISH_FEED -goulot TIGHTEN STOP -bottleneck TIGHTEN STOP -angostar STOP -bottom LOAD_PROVIDE_CHARGE_FURNISH FALL_SLIDE-DOWN UNDERSTAND -poner_asiento LOAD_PROVIDE_CHARGE_FURNISH -penetrar HOLE_PIERCE OVERCOME_SURPASS HAVE-SEX UNDERSTAND -sondear MEASURE_EVALUATE ANALYZE LEARN ASK_REQUEST UNDERSTAND -penetrate ENTER DECEIVE HAVE-SEX HOLE_PIERCE AFFECT UNDERSTAND -llegar_al_fondo UNDERSTAND -profundizar HOLE_PIERCE INCREASE_ENLARGE_MULTIPLY UNDERSTAND -fathom MEASURE_EVALUATE UNDERSTAND -tocar_fondo FALL_SLIDE-DOWN REACH -bottom_out FALL_SLIDE-DOWN REACH -bounce MOVE-ONESELF HIT REFUSE JUMP MOVE-BACK DRIVE-BACK -abalanzarse BURDEN_BEAR ATTACK_BOMB TRAVEL JUMP RUN GO-FORWARD -jounce MOVE-ONESELF -retornar CHANGE-HANDS REFUSE MOVE-BACK GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -restituir HELP_HEAL_CARE_CURE REPAIR_REMEDY REFUSE GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -spring BEGIN REVEAL CREATE_MATERIALIZE MOVE-BACK GO-FORWARD -take_a_hop MOVE-BACK -reverberate REPEAT REFLECT INFLUENCE MOVE-BACK TREAT-WITH/BY -rebound RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND MOVE-BACK -ricochet MOVE-BACK -get_well HELP_HEAL_CARE_CURE -recuperarse HELP_HEAL_CARE_CURE PAY REACH DEFEAT OBTAIN RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -ponerse_bien HELP_HEAL_CARE_CURE -get_over REACH FINISH_CONCLUDE_END HELP_HEAL_CARE_CURE OVERCOME_SURPASS -bounce_back HELP_HEAL_CARE_CURE -reponerse HELP_HEAL_CARE_CURE -reanimarse AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE -bounce_out FAIL_LOSE -limit DECIDE_DETERMINE REDUCE_DIMINISH RESTRAIN -restrict EXPLAIN RESTRAIN -limiter RESTRAIN -trammel CATCH RESTRAIN -throttle REDUCE_DIMINISH KILL RESTRAIN -confine ENCLOSE_WRAP CAGE_IMPRISON REDUCE_DIMINISH RESTRAIN -restrain OBLIGE_FORCE RETAIN_KEEP_SAVE-MONEY RESTRAIN -restringir EXPLAIN RESTRAIN -brincar BEHAVE JUMP GO-FORWARD -leap CHANGE-APPEARANCE/STATE JUMP GO-FORWARD -skip MISS_OMIT_LACK JUMP LEAVE_DEPART_RUN-AWAY -bound_off JUMP -desplazarse_saltando JUMP -bourgeon GROW_PLOW -sprout GROW_PLOW -houe GROW_PLOW HOLE_PIERCE -pulluler EXIST-WITH-FEATURE GROW_PLOW INCREASE_ENLARGE_MULTIPLY GIVE-BIRTH LEAVE_DEPART_RUN-AWAY -brotar BEGIN GROW_PLOW APPEAR COME-FROM FLOW GO-FORWARD -spud GROW_PLOW HOLE_PIERCE -burgeon_forth GROW_PLOW -pullulate EXIST-WITH-FEATURE GROW_PLOW INCREASE_ENLARGE_MULTIPLY GIVE-BIRTH LEAVE_DEPART_RUN-AWAY -germinate GROW_PLOW CREATE_MATERIALIZE -germinar GROW_PLOW CREATE_MATERIALIZE -pulular EXIST-WITH-FEATURE PLAY_SPORT/GAME GROW_PLOW INCREASE_ENLARGE_MULTIPLY GIVE-BIRTH -bowse RAISE -bouse RAISE -bow_down LOWER -arquearse LOWER -doblegarse AGREE_ACCEPT LOWER -prostrate LOWER WEAKEN -postrar LOWER -postrarse LOWER -retirarse_dignamente RESIGN_RETIRE -bowdlerise REDUCE_DIMINISH -bowdlerize REDUCE_DIMINISH -expurgate REDUCE_DIMINISH -expurgar REDUCE_DIMINISH -embower ENCLOSE_WRAP -emparrar GROW_PLOW ENCLOSE_WRAP -bower ENCLOSE_WRAP -parra ENCLOSE_WRAP -bowl PLAY_SPORT/GAME ROLL HIT -bolear PLAY_SPORT/GAME -jouer_au_bowling PLAY_SPORT/GAME -upset CAUSE-MENTAL-STATE MESS DEFEAT INVERT_REVERSE SHAPE -tump_over INVERT_REVERSE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -tip_over INVERT_REVERSE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -volcar INVERT_REVERSE DROP RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND PRESS_PUSH_FOLD -knock_over INVERT_REVERSE -turn_over FALL_SLIDE-DOWN TAKE-INTO-ACCOUNT_CONSIDER TURN_CHANGE-DIRECTION EARN EXTRACT INVERT_REVERSE GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -box FIGHT INSERT HIT -dar_un_puñetazo HIT -package INSERT -empaquetar CLOSE AMASS ENCLOSE_WRAP INSERT PRESS_PUSH_FOLD PUT_APPLY_PLACE_PAVE -boxear FIGHT -boxer FIGHT HIT -box_in CAGE_IMPRISON -constreñir CAGE_IMPRISON RESTRAIN -box_up CAGE_IMPRISON -boicotear REFUSE -boycotter REFUSE -boycott REFUSE -stabilise COMPENSATE STABILIZE_SUPPORT-PHYSICALLY -stabilize COMPENSATE STABILIZE_SUPPORT-PHYSICALLY -afianzar STRENGTHEN_MAKE-RESISTANT STABILIZE_SUPPORT-PHYSICALLY -brace_oneself_for PREPARE -steel_onself_for PREPARE -steel_oneself_against PREPARE -prepare_for PREPARE -undergird HELP_HEAL_CARE_CURE STRENGTHEN_MAKE-RESISTANT -brace_up STRENGTHEN_MAKE-RESISTANT -apuntalan_la STRENGTHEN_MAKE-RESISTANT -brachiate GO-FORWARD -bracket_out PUT_APPLY_PLACE_PAVE -bracket PUT_APPLY_PLACE_PAVE SORT_CLASSIFY_ARRANGE STABILIZE_SUPPORT-PHYSICALLY -aislar PROTECT ISOLATE SORT_CLASSIFY_ARRANGE OBTAIN TAKE -delimitar ORIENT PRECLUDE_FORBID_EXPEL SORT_CLASSIFY_ARRANGE REPRESENT -brad SECURE_FASTEN_TIE -braid EMBELLISH WEAVE -pleach WEAVE -trenzar EMBELLISH MOVE-ONESELF WEAVE SHAPE -plait WEAVE -acordonar DIVIDE WEAVE -tranzar WEAVE -lace EXIST-WITH-FEATURE SECURE_FASTEN_TIE SEW WEAVE -galonear EMBELLISH -brail TAKE PULL -carguer TAKE PULL -braille WRITE -transcribir_en_braille WRITE -romper_la_crisma KILL -descerebrar KILL -brain KILL HIT -partir_la_cara HIT -brainstorm THINK -compartir_ideas THINK -lavar_el_cerebro TEACH PERSUADE -brainwash TEACH PERSUADE -rehogarse COOK -braise COOK -rehogar COOK -brake STOP -ramify GROW_PLOW SEPARATE_FILTER_DETACH COMPLEXIFY -ramificar GROW_PLOW SEPARATE_FILTER_DETACH -branch GROW_PLOW SEPARATE_FILTER_DETACH -furcate SEPARATE_FILTER_DETACH -partirse BREAK_DETERIORATE SEPARATE_FILTER_DETACH -ramificarse SEPARATE_FILTER_DETACH DIVERSIFY -fork RAISE SEPARATE_FILTER_DETACH ATTACK_BOMB SHAPE -branch_out DIVERSIFY -diversificar DIVERSIFY -diversify DIVERSIFY -broaden INCREASE_ENLARGE_MULTIPLY DIVERSIFY -brand ACCUSE SIGNAL_INDICATE NAME -brandmark SIGNAL_INDICATE -trademark RECORD SIGNAL_INDICATE -mark HURT_HARM_ACHE DISTINGUISH_DIFFER ACCUSE SUBJECTIVE-JUDGING CANCEL_ELIMINATE PAINT ATTACH WRITE ESTABLISH CAVE_CARVE CELEBRATE_PARTY PERCEIVE SIGNAL_INDICATE -stigmatise ACCUSE SIGNAL_INDICATE -estigmatizar ACCUSE SIGNAL_INDICATE -stigmatiser ACCUSE SIGNAL_INDICATE -stigmatize ACCUSE SIGNAL_INDICATE -tildar ACCUSE -post TRANSMIT SHOW NAME RECORD SEND PUBLISH MOVE-BY-MEANS-OF ATTACH ASSIGN-smt-to-smn PUT_APPLY_PLACE_PAVE SIGNAL_INDICATE -blandir SHOW MOVE-SOMETHING -brandish SHOW MOVE-SOMETHING -blandear MOVE-SOMETHING -ondear MOVE-ONESELF TRAVEL MOVE-SOMETHING HAPPEN_OCCUR -brattice LOAD_PROVIDE_CHARGE_FURNISH -chacolotear MAKE-A-SOUND -clatter MAKE-A-SOUND -brattle MAKE-A-SOUND -perdurar FACE_CHALLENGE CONTINUE REMAIN LEAD_GOVERN EXIST_LIVE LEAVE-BEHIND OVERCOME_SURPASS -brave_out FACE_CHALLENGE -desafiar BEHAVE FACE_CHALLENGE RESIST COMPETE VIOLATE -brave FACE_CHALLENGE -weather INCLINE CHANGE-APPEARANCE/STATE FACE_CHALLENGE GO-FORWARD -afrontar BEHAVE FACE_CHALLENGE SEE -bravo APPROVE_PRAISE -pelear FIGHT QUARREL_POLEMICIZE RESIST -wrangle HELP_HEAL_CARE_CURE QUARREL_POLEMICIZE -brawl QUARREL_POLEMICIZE -alborotar MESS MAKE-A-SOUND QUARREL_POLEMICIZE -bray BREAK_DETERIORATE MAKE-A-SOUND LAUGH -mash BREAK_DETERIORATE COURT PRESS_PUSH_FOLD -crunch BREAK_DETERIORATE MAKE-A-SOUND EAT_BITE PRESS_PUSH_FOLD -grind MOUNT_ASSEMBLE_PRODUCE MAKE-A-SOUND WORK CREATE_MATERIALIZE BREAK_DETERIORATE PRESS_PUSH_FOLD DANCE -majar BREAK_DETERIORATE HURT_HARM_ACHE PRESS_PUSH_FOLD -dilacerar BREAK_DETERIORATE -comminute BREAK_DETERIORATE -hee-haw MAKE-A-SOUND -rebuznar MAKE-A-SOUND LAUGH -reírse_a_carcajadas LAUGH -braze ATTACH -brazen FACE_CHALLENGE -descararse BEHAVE SPEAK FACE_CHALLENGE -abrir_brecha OPEN -breach OPEN VIOLATE -gap OPEN -transgress COVER_SPREAD_SURMOUNT OVERCOME_SURPASS VIOLATE -contrevenir_à VIOLATE -transgresser OVERCOME_SURPASS VIOLATE -vulnerar VIOLATE -transgredir OVERCOME_SURPASS VIOLATE -enfreindre VIOLATE -manquer_à VIOLATE -go_against RESIST VIOLATE -infract VIOLATE -empanar COVER_SPREAD_SURMOUNT -empanizar COVER_SPREAD_SURMOUNT -bread COVER_SPREAD_SURMOUNT -interrupt CAUSE-MENTAL-STATE STOP -romper CUT STOP FINISH_CONCLUDE_END DESTROY DISBAND_BREAK-UP APPEAR SEPARATE_FILTER_DETACH BREAK_DETERIORATE ROLL EMIT CHANGE-APPEARANCE/STATE QUARREL_POLEMICIZE HOLE_PIERCE OVERCOME_SURPASS VIOLATE -fracture BREAK_DETERIORATE STOP VIOLATE -fracturar BREAK_DETERIORATE DESTROY VIOLATE -recrudesce OPEN HAPPEN_OCCUR -recrudecerse HAPPEN_OCCUR -être_en_recrudescence OPEN HAPPEN_OCCUR -quebrantar DESTROY VIOLATE -rajar CUT DESTROY -despedazar CRITICIZE CUT BREAK_DETERIORATE DESTROY -casser BREAK_DETERIORATE DESTROY -descontinuar FINISH_CONCLUDE_END STOP -discontinue FINISH_CONCLUDE_END STOP -discontinuar FINISH_CONCLUDE_END STOP -break_off BREAK_DETERIORATE STOP SEPARATE_FILTER_DETACH -deshacerse DESTROY CONVERT PRECLUDE_FORBID_EXPEL CANCEL_ELIMINATE SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY DISCARD -débiliter WEAKEN -soften GIVE-UP_ABOLISH_ABANDON PROTECT CHANGE-APPEARANCE/STATE WEAKEN REDUCE_DIMINISH -atténuer REDUCE_DIMINISH WEAKEN -damp MESS STOP WEAKEN -amoindrir WEAKEN -weaken DESTROY WEAKEN -dampen STOP MESS WET WEAKEN REDUCE_DIMINISH -amortir WEAKEN -descifrar SOLVE RECEIVE READ INTERPRET -desplomarse BREAK_DETERIORATE FALL_SLIDE-DOWN REDUCE_DIMINISH -break-dance DANCE -break_dance DANCE -descomponerse BREAK_DETERIORATE LOSE DESTROY WEAKEN -desmoronarse BREAK_DETERIORATE REDUCE_DIMINISH DESTROY -bust OPEN DESTROY ATTACK_BOMB SEPARATE_FILTER_DETACH BREAK_DETERIORATE -fall_apart BREAK_DETERIORATE CAUSE-MENTAL-STATE -wear_out BREAK_DETERIORATE EXHAUST -domesticar SUBJUGATE TEACH -domar SUBJUGATE TEACH REPRIMAND -romperse BREAK_DETERIORATE DESTROY -fracturarse BREAK_DETERIORATE -resquebrajar BREAK_DETERIORATE CUT -crack OVERCOME_SURPASS MAKE-A-SOUND SEPARATE_FILTER_DETACH HIT BREAK_DETERIORATE SPEAK CONTRACT-AN-ILLNESS_INFECT STEAL_DEPRIVE -split_up BREAK_DETERIORATE DISBAND_BREAK-UP SEPARATE_FILTER_DETACH -come_apart BREAK_DETERIORATE -distanciarse DISBAND_BREAK-UP -split CUT EXPLODE DISBAND_BREAK-UP SEPARATE_FILTER_DETACH -part DISBAND_BREAK-UP SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY -separarse DISBAND_BREAK-UP SEPARATE_FILTER_DETACH -romper_con STOP -break_away BREAK_DETERIORATE STOP DISBAND_BREAK-UP LEAVE_DEPART_RUN-AWAY -déglinguer DESTROY -éclater EXPLODE DESTROY -estropearse BREAK_DETERIORATE STOP SPOIL DESTROY -fusiller DESTROY -flinguer DESTROY -briser DESTROY -claquer KILL DESTROY HIT -péter EXCRETE DESTROY -unwrap SHOW REVEAL -enseñar SHOW REVEAL WORK TEACH SIGNAL_INDICATE -divulge REVEAL -disclose SHOW REVEAL -desvelar REMOVE_TAKE-AWAY_KIDNAP SHOW REVEAL -bring_out SHOW REVEAL PUBLISH EMPHASIZE CHANGE-APPEARANCE/STATE TAKE -expose SHOW REVEAL GIVE-UP_ABOLISH_ABANDON ENDANGER PROVE -let_out CHANGE-APPEARANCE/STATE REVEAL INCREASE_ENLARGE_MULTIPLY MAKE-A-SOUND -let_on REVEAL -reveal SHOW REVEAL -exhibir EXIST-WITH-FEATURE SHOW REVEAL -révéler SHOW REVEAL -detenerse FALL_SLIDE-DOWN STOP LAND_GET-OFF -suspendre DELAY STOP -hacer_una_pausa STOP -pausar STOP -intermit STOP -pause STOP -faire_une_pause STOP -pauser STOP -desconectar CAUSE-MENTAL-STATE SWITCH-OFF_TURN-OFF_SHUT-DOWN DISTINGUISH_DIFFER SEPARATE_FILTER_DETACH UNFASTEN_UNFOLD -déconnecter CAUSE-MENTAL-STATE -allanar FLATTEN_SMOOTHEN UNFASTEN_UNFOLD VIOLATE -pararse BREAK_DETERIORATE STOP STRAIGHTEN FALL_SLIDE-DOWN -perecer BREAK_DETERIORATE FINISH_CONCLUDE_END KILL -morir FINISH_CONCLUDE_END HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE KILL BREAK_DETERIORATE -go_bad BREAK_DETERIORATE SPOIL -give_out BREAK_DETERIORATE GIVE_GIFT FAIL_LOSE EMIT -se_casser BREAK_DETERIORATE LEAVE_DEPART_RUN-AWAY -give_way BREAK_DETERIORATE GIVE-UP_ABOLISH_ABANDON MOVE-SOMETHING -conk_out BREAK_DETERIORATE EXHAUST -dañarse BREAK_DETERIORATE -averiarse BREAK_DETERIORATE STOP -kick_downstairs ASSIGN-smt-to-smn -relegar ASSIGN-smt-to-smn FOLLOW_SUPPORT_SPONSOR_FUND -bump REMOVE_TAKE-AWAY_KIDNAP FIND HIT ASSIGN-smt-to-smn DANCE -demote ASSIGN-smt-to-smn -break_out OPEN BEGIN PREPARE LEAVE_DEPART_RUN-AWAY -snap_off SEPARATE_FILTER_DETACH -caer FALL_SLIDE-DOWN METEOROLOGICAL DROP FINISH_CONCLUDE_END HANG CONQUER LOWER MESS KILL FAIL_LOSE HAPPEN_OCCUR BREAK_DETERIORATE CHANGE-APPEARANCE/STATE REDUCE_DIMINISH FEEL -irse_a_pique BREAK_DETERIORATE FAIL_LOSE DIP_DIVE -desplomar BREAK_DETERIORATE EXPLODE DESTROY -cave_in BREAK_DETERIORATE -derrumbarse FALL_SLIDE-DOWN HURT_HARM_ACHE DESTROY FAIL_LOSE BREAK_DETERIORATE -fall_in BREAK_DETERIORATE PREPARE ALLY_ASSOCIATE_MARRY -collapse HURT_HARM_ACHE DESTROY EXPLODE BREAK_DETERIORATE PRESS_PUSH_FOLD WEAKEN CONTRACT-AN-ILLNESS_INFECT -founder BREAK_DETERIORATE FALL_SLIDE-DOWN FAIL_LOSE DIP_DIVE -colapsar BREAK_DETERIORATE DESTROY -divulgarse PUBLICIZE REVEAL -get_out REMOVE_TAKE-AWAY_KIDNAP ABSTAIN_AVOID_REFRAIN PUBLICIZE SPEAK LEAVE_DEPART_RUN-AWAY TAKE -get_around ABSTAIN_AVOID_REFRAIN PUBLICIZE BEFRIEND TRAVEL -break_apart BREAK_DETERIORATE DISBAND_BREAK-UP DESTROY -disunify DISBAND_BREAK-UP -estrellarse BREAK_DETERIORATE OVERCOME_SURPASS HIT -quebrarse BREAK_DETERIORATE FALL_SLIDE-DOWN SEPARATE_FILTER_DETACH OVERCOME_SURPASS -desmantelar EMPTY_UNLOAD FLATTEN_SMOOTHEN DESTROY -dismantle REMOVE_TAKE-AWAY_KIDNAP FLATTEN_SMOOTHEN DESTROY -desarmar REMOVE_TAKE-AWAY_KIDNAP WEAKEN DESTROY STEAL_DEPRIVE -desarticular FLATTEN_SMOOTHEN SEPARATE_FILTER_DETACH DESTROY -disassemble DESTROY -desmontar FALL_SLIDE-DOWN DESTROY EMPTY_UNLOAD KNOCK-DOWN PREPARE -independizarse DISBAND_BREAK-UP -secede DISBAND_BREAK-UP -splinter BREAK_DETERIORATE DISBAND_BREAK-UP -head_for_the_hills LEAVE_DEPART_RUN-AWAY -lam LEAVE_DEPART_RUN-AWAY HIT -run_away OPPOSE_REBEL_DISSENT LEAVE_DEPART_RUN-AWAY -take_to_the_woods LEAVE_DEPART_RUN-AWAY -escape EXIST-WITH-FEATURE MISS_OMIT_LACK ABSTAIN_AVOID_REFRAIN LEAVE_DEPART_RUN-AWAY FLOW -scat LEAVE_DEPART_RUN-AWAY -turn_tail LEAVE_DEPART_RUN-AWAY -scarper LEAVE_DEPART_RUN-AWAY -huir ABSTAIN_AVOID_REFRAIN LEAVE_DEPART_RUN-AWAY -fly_the_coop LEAVE_DEPART_RUN-AWAY -hightail_it LEAVE_DEPART_RUN-AWAY -astillar BREAK_DETERIORATE CONVERT SEPARATE_FILTER_DETACH CAVE_CARVE -chip CUT SEPARATE_FILTER_DETACH HIT BREAK_DETERIORATE CAVE_CARVE -chip_off BREAK_DETERIORATE -astillarse BREAK_DETERIORATE -come_off BREAK_DETERIORATE SEPARATE_FILTER_DETACH HAPPEN_OCCUR -break_bread HOST_MEAL_INVITE -break_camp LEAVE_DEPART_RUN-AWAY -levantar_el_campamento LEAVE_DEPART_RUN-AWAY -lose_it CAUSE-MENTAL-STATE -snap CAUSE-MENTAL-STATE MAKE-A-SOUND CLOSE MOVE-SOMETHING CATCH EAT_BITE SEPARATE_FILTER_DETACH RECORD HIT BREAK_DETERIORATE SPEAK -acabar_con FINISH_CONCLUDE_END STOP CANCEL_ELIMINATE DEFEAT -descomponer CAUSE-MENTAL-STATE DESTROY MESS CONVERT ANALYZE SEPARATE_FILTER_DETACH -decompose LOSE SEPARATE_FILTER_DETACH DESTROY -tumble FALL_SLIDE-DOWN MOVE-ONESELF DESTROY MESS FAIL_LOSE DRY FLY PRESS_PUSH_FOLD PERFORM REDUCE_DIMINISH UNDERSTAND -desmigajarse BREAK_DETERIORATE DESTROY -ajar DESTROY -venirse_abajo FALL_SLIDE-DOWN DESTROY -ajarse DESTROY -derribarse DESTROY -crumble BREAK_DETERIORATE DESTROY -crumple PRESS_PUSH_FOLD LOWER DESTROY -desmoronar BREAK_DETERIORATE DESTROY -break_even COMPENSATE EARN -cubrir_gastos COMPENSATE -break_into CHANGE-APPEARANCE/STATE SPEAK -romper_a SPEAK -evadirse LEAVE_DEPART_RUN-AWAY -break_loose FILL LEAVE_DEPART_RUN-AWAY -desatarse UNFASTEN_UNFOLD LEAVE_DEPART_RUN-AWAY -get_away ABSTAIN_AVOID_REFRAIN LEAVE_DEPART_RUN-AWAY -librarse DISCARD PRECLUDE_FORBID_EXPEL CANCEL_ELIMINATE LEAVE_DEPART_RUN-AWAY -burst_forth APPEAR FILL -knap SEPARATE_FILTER_DETACH HIT -cut_short FINISH_CONCLUDE_END STOP REDUCE_DIMINISH -break_short STOP -buckle_down WORK -knuckle_down WORK -slave WORK -break_one's_back WORK -desdoblar OPEN CUT EXPLODE DIVIDE SEPARATE_FILTER_DETACH UNFASTEN_UNFOLD EXTEND -dissocier EXPLODE -reventarse BREAK_DETERIORATE EXPLODE -reventar MAKE-A-SOUND MOVE-SOMETHING DESTROY EXPLODE DRIVE-BACK -break_open OPEN EXPLODE BEGIN -desvincular EXPLODE SEPARATE_FILTER_DETACH -burst_out SPEAK BEGIN APPEAR -irrupt BEGIN INCREASE_ENLARGE_MULTIPLY VIOLATE -encenderse BURN BEGIN -flare_up BURN BEGIN -hacer_erupción BEGIN APPEAR -break_someone's_heart CAUSE-MENTAL-STATE -push_through APPEAR -break_through HOLE_PIERCE APPEAR OVERCOME_SURPASS -abrirse_paso HOLE_PIERCE -come_through HOLE_PIERCE ACHIEVE OVERCOME_SURPASS CONTINUE -atravesar TURN_CHANGE-DIRECTION REACH TRAVEL LIE FLY HOLE_PIERCE OVERCOME_SURPASS -traspasar TRANSMIT GIVE-UP_ABOLISH_ABANDON HOLE_PIERCE ASSIGN-smt-to-smn GIVE_GIFT OVERCOME_SURPASS VIOLATE -fragmentarse BREAK_DETERIORATE -fragmentise BREAK_DETERIORATE -fragmentar BREAK_DETERIORATE SEPARATE_FILTER_DETACH -fragmentize BREAK_DETERIORATE -dispel SEPARATE_FILTER_DETACH DRIVE-BACK -dissipate EXIST_LIVE WASTE SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY -dispersar BURY_PLANT COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH REDUCE_DIMINISH CIRCULATE_SPREAD_DISTRIBUTE -scatter BURY_PLANT COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY -disperse COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY CIRCULATE_SPREAD_DISTRIBUTE -disiparse DISAPPEAR SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY -plaquer DISBAND_BREAK-UP COVER_SPREAD_SURMOUNT -larguer DISBAND_BREAK-UP -sever CUT DISBAND_BREAK-UP -rompre DISBAND_BREAK-UP -laisser_tomber DISBAND_BREAK-UP -quitter DISBAND_BREAK-UP -crock_up CONTRACT-AN-ILLNESS_INFECT -crack_up APPROVE_PRAISE LAUGH CONTRACT-AN-ILLNESS_INFECT -dispersarse SEPARATE_FILTER_DETACH -dissolve CAUSE-MENTAL-STATE COMBINE_MIX_UNITE FINISH_CONCLUDE_END DESTROY CONVERT DISBAND_BREAK-UP REDUCE_DIMINISH WEAKEN DISMISS_FIRE-SMN -disrupt MESS STOP -disolver COMBINE_MIX_UNITE DESTROY CONVERT WEAKEN DISMISS_FIRE-SMN -deshacer COMBINE_MIX_UNITE DESTROY CONVERT CANCEL_ELIMINATE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND STEAL_DEPRIVE -disgregarse DISBAND_BREAK-UP -troncharse LAUGH -morirse_de_risa LAUGH -partirse_de_risa LAUGH -romperse_el_hielo BREAK_DETERIORATE -calve BREAK_DETERIORATE GIVE-BIRTH -liberar_hielo BREAK_DETERIORATE -fin LOAD_PROVIDE_CHARGE_FURNISH MOVE-ONESELF DIP_DIVE -break_water MOVE-ONESELF -nageoire LOAD_PROVIDE_CHARGE_FURNISH MOVE-ONESELF DIP_DIVE -prouter EXCRETE -fart EXCRETE -tirarse_un_pedo EXCRETE -lâcher_une_caisse EXCRETE -peer SEARCH EXCRETE -émettre_des_vents EXCRETE -break_wind EXCRETE -lâcher_un_vent EXCRETE -break_with FINISH_CONCLUDE_END -dar_de_desayunar NOURISH_FEED -dar_el_desayuno NOURISH_FEED -breakfast NOURISH_FEED EAT_BITE -desayunar EAT_BITE -bream WASH_CLEAN -breast TOUCH REACH FACE_CHALLENGE -front ORIENT FACE_CHALLENGE -enfrentarse UNDERGO-EXPERIENCE FACE_CHALLENGE QUARREL_POLEMICIZE RESIST -summit REACH -alcanzar_la_cima REACH -cumbre REACH -mamar TOUCH ATTRACT_SUCK -breastfeed NOURISH_FEED -amamantar NOURISH_FEED -dar_pecho NOURISH_FEED -lactate NOURISH_FEED -nurse NOURISH_FEED CAUSE-MENTAL-STATE TREAT HELP_HEAL_CARE_CURE -allaiter NOURISH_FEED -lactar NOURISH_FEED -give_suck NOURISH_FEED -atetar NOURISH_FEED -dar_de_mamar NOURISH_FEED -suckle NOURISH_FEED ATTRACT_SUCK -donner_la_tétée NOURISH_FEED -wet-nurse NOURISH_FEED -breaststroke MOVE-ONESELF -breathalyse ANALYZE -breathalyze ANALYZE -suspire BREATH_BLOW -breathe SHOW REST BRING EMIT EXIST_LIVE SPEAK AIR BREATH_BLOW -respire BREATH_BLOW -respirar SPEAK BREATH_BLOW EXIST_LIVE REST -respirer BREATH_BLOW -take_a_breath BREATH_BLOW -exhalar EMIT BREATH_BLOW -emit EMIT MAKE-A-SOUND -catch_one's_breath REST -take_a_breather REST -rest STOP REST LIE REMAIN PUT_APPLY_PLACE_PAVE INCLUDE-AS -inspirer BREATH_BLOW PERSUADE -inhale BREATH_BLOW -inhalar BREATH_BLOW -breathe_in BREATH_BLOW -breathe_out BREATH_BLOW -espirar BREATH_BLOW -expire FINISH_CONCLUDE_END BREATH_BLOW KILL -exhale EMIT BREATH_BLOW -brecciate BREAK_DETERIORATE SHAPE -criar DEVELOP_AGE HAVE-SEX GIVE-BIRTH CARRY-OUT-ACTION GROUP -breed CREATE_MATERIALIZE HAVE-SEX GIVE-BIRTH -spawn CREATE_MATERIALIZE GIVE-BIRTH -procrear CREATE_MATERIALIZE GIVE-BIRTH -multiplicar HAVE-SEX INCREASE_ENLARGE_MULTIPLY GIVE-BIRTH -multiply HAVE-SEX INCREASE_ENLARGE_MULTIPLY GIVE-BIRTH -multiplicarse HAVE-SEX INCREASE_ENLARGE_MULTIPLY GIVE-BIRTH -souffle GO-FORWARD AIR -soplar_suavemente AIR -breeze GO-FORWARD AIR -pasar_con_rapidez GO-FORWARD -brevet ASSIGN-smt-to-smn -brew PREPARE DIP_DIVE -destilar PREPARE FLOW EXTRACT WASH_CLEAN -grease_one's_palms CORRUPT -sobornar CORRUPT GIVE_GIFT INCITE_INDUCE PAY -bribe CORRUPT -buy CORRUPT BELIEVE OBTAIN BUY -comprar CORRUPT BUY -corrupt CORRUPT DEBASE_ADULTERATE -corromper CORRUPT DESTROY DEBASE_ADULTERATE -condamner ENCLOSE_WRAP DECREE_DECLARE ISOLATE AFFIRM -enladrillar ENCLOSE_WRAP -brick_in ENCLOSE_WRAP -brick_up ENCLOSE_WRAP -tapiar ENCLOSE_WRAP -maçonner ENCLOSE_WRAP -aveugler ENCLOSE_WRAP -brick_over ENCLOSE_WRAP -murer ENCLOSE_WRAP -cruzar_un_puente OVERCOME_SURPASS -bridge MOUNT_ASSEMBLE_PRODUCE OVERCOME_SURPASS JOIN_CONNECT -bridge_over SATISFY_FULFILL JOIN_CONNECT -keep_going SATISFY_FULFILL ATTEND CONTINUE -tide_over SATISFY_FULFILL -bridle DRESS_WEAR REACT CAUSE-MENTAL-STATE -embridar DRESS_WEAR -picarse CAUSE-MENTAL-STATE INSERT -bridle_at CAUSE-MENTAL-STATE -ofenderse DISLIKE CAUSE-MENTAL-STATE -bristle_at CAUSE-MENTAL-STATE -bridle_up CAUSE-MENTAL-STATE -bristle_up CAUSE-MENTAL-STATE -brief TEACH -brigade GROUP -abrillantar LIGHTEN WASH_CLEAN -clarear LIGHTEN -brighten LIGHTEN -lighten_up CAUSE-MENTAL-STATE LIGHTEN -lighten HELP_HEAL_CARE_CURE CAUSE-MENTAL-STATE REDUCE_DIMINISH LIGHTEN -enlustrecer LIGHTEN -aclararse LIGHTEN -salir_el_sol LIGHTEN -clear_up EXPLAIN FINISH_CONCLUDE_END PULL LIGHTEN -despejarse LIGHTEN -abrir LOAD_PROVIDE_CHARGE_FURNISH OPEN PLAY_SPORT/GAME BEGIN LIGHTEN UNFASTEN_UNFOLD -aclarar LIGHTEN CONVERT PULL WEAKEN EXPLAIN TEACH -salir_el_so LIGHTEN -light_up BURN BEGIN LIGHTEN -brim FILL -rebosar FILL -run_over HURT_HARM_ACHE FLOW -desbordarse FLOW -overrun ENTER CONQUER COVER_SPREAD_SURMOUNT FLOW OVERCOME_SURPASS -overflow CAUSE-MENTAL-STATE FLOW -well_over FLOW -brim_over FLOW -conservar_en_salmuera WET -bañar_en_salmuera WET -brine WET -salar WET COOK ADD PRESERVE -transportar REMOVE_TAKE-AWAY_KIDNAP TRANSMIT CAUSE-MENTAL-STATE CARRY_TRANSPORT BRING MOVE-SOMETHING CONVERT CHANGE-APPEARANCE/STATE PULL CIRCULATE_SPREAD_DISTRIBUTE -convey SHOW HURT_HARM_ACHE BRING CHANGE-HANDS INFORM CIRCULATE_SPREAD_DISTRIBUTE -acarrear CARRY_TRANSPORT BRING IMPLY POSSESS PULL -copar REMOVE_TAKE-AWAY_KIDNAP CARRY_TRANSPORT CONQUER MOVE-SOMETHING BRING SATISFY_FULFILL REQUIRE_NEED_WANT_HOPE FILL TAKE -amener BRING -trasladar CARRY_TRANSPORT MOVE-SOMETHING BRING TRANSLATE CONVERT LEAVE_DEPART_RUN-AWAY CIRCULATE_SPREAD_DISTRIBUTE -apporter BRING -wreak HAPPEN_OCCUR -make_for HAPPEN_OCCUR -vender_por COST -bring_in TRANSMIT EARN PROPOSE MEET COST -fetch REMOVE_TAKE-AWAY_KIDNAP BRING COST -land HIT CHANGE-APPEARANCE/STATE KNOCK-DOWN LAND_GET-OFF ARRIVE -institute ESTABLISH CARRY-OUT-ACTION -bring_about INVERT_REVERSE HAPPEN_OCCUR -causer SPEAK CAUSE-SMT HAPPEN_OCCUR -crear EXIST-WITH-FEATURE MOUNT_ASSEMBLE_PRODUCE COOK GROW_PLOW CREATE_MATERIALIZE IMAGINE HAPPEN_OCCUR ESTABLISH CARRY-OUT-ACTION GROUP INCLUDE-AS -ocasionar CREATE_MATERIALIZE IMPLY HAPPEN_OCCUR INCITE_INDUCE CAUSE-SMT -give_rise HAPPEN_OCCUR -volver_en_sí REMEMBER AROUSE_WAKE_ENLIVEN -bring_back REMEMBER RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -bring_to REMEMBER -bring_around REMEMBER HELP_HEAL_CARE_CURE PERSUADE -bring_round REMEMBER PERSUADE -sanar HELP_HEAL_CARE_CURE -guérir HELP_HEAL_CARE_CURE -curar HELP_HEAL_CARE_CURE PRESERVE -heal HELP_HEAL_CARE_CURE -cure CHANGE-APPEARANCE/STATE HELP_HEAL_CARE_CURE PRESERVE -traer_de_regreso RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -llevar_de_regreso RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -return ANSWER CHANGE-HANDS CHOOSE PROPOSE HIT SPEAK GENERATE MOVE-BACK GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -take_back REMEMBER MOVE-SOMETHING CONTINUE SPEAK GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -regresar CHOOSE GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND MOVE-BACK -bajar METEOROLOGICAL TRANSMIT DROP LOWER DIM MOVE-BACK UNFASTEN_UNFOLD REDUCE_DIMINISH -take_down DOWNPLAY_HUMILIATE WRITE FLATTEN_SMOOTHEN LOWER -arriar LOWER -let_down FRUSTRATE_DISAPPOINT LOWER -bajarse FALL_SLIDE-DOWN LEAVE_DEPART_RUN-AWAY LOWER -bring_down CAUSE-MENTAL-STATE LOWER OPPOSE_REBEL_DISSENT LAND_GET-OFF OBLIGE_FORCE REDUCE_DIMINISH -lower REDUCE_DIMINISH FACIAL-EXPRESSION LOWER -overthrow OPPOSE_REBEL_DISSENT DEFEAT -derrocar PRESS_PUSH_FOLD FALL_SLIDE-DOWN OPPOSE_REBEL_DISSENT -subvert DESTROY OPPOSE_REBEL_DISSENT DEBASE_ADULTERATE -cut_down CUT KNOCK-DOWN REDUCE_DIMINISH STOP -trim CUT COMPENSATE EMBELLISH ADJUST_CORRECT REDUCE_DIMINISH -cut_back CUT REDUCE_DIMINISH MOVE-BACK RESTRAIN -trim_down REDUCE_DIMINISH -trim_back REDUCE_DIMINISH -infligir OBLIGE_FORCE -inflict OBLIGE_FORCE -impose OBLIGE_FORCE CHARGE -visit ANALYZE SPEAK VISIT OBLIGE_FORCE CONTRACT-AN-ILLNESS_INFECT -inflingir OBLIGE_FORCE -aterrizar ARRIVE LAND_GET-OFF -put_down KILL PROPOSE LIE EMPTY_UNLOAD WRITE LAND_GET-OFF DOWNPLAY_HUMILIATE PUT_APPLY_PLACE_PAVE -call_up SUMMON REMEMBER COMMUNICATE_CONTACT PROPOSE -poner_en_consideración PROPOSE -take_home EARN -bring_home EXPLAIN EARN -dejar_claro EXPLAIN -hacer_entender EXPLAIN -bring_home_the_bacon ACHIEVE EARN -réussir ACHIEVE -succeed ACHIEVE COME-AFTER_FOLLOW-IN-TIME -salir_adelante ACHIEVE -tener_éxito ACHIEVE -triumfar ACHIEVE -cumplir_lo_prometido ACHIEVE -deliver_the_goods ACHIEVE -earn TAKE EARN -clarificar REMOVE_TAKE-AWAY_KIDNAP EARN LIGHTEN CONVERT PULL EXPLAIN -negociate CHANGE-HANDS ACHIEVE NEGOTIATE SELL OVERCOME_SURPASS -pull_off REMOVE_TAKE-AWAY_KIDNAP ACHIEVE -manage MANAGE WATCH_LOOK-OUT FACE_CHALLENGE CATCH ACHIEVE DECEIVE -bring_off ACHIEVE -bring_on PUBLISH INCITE_INDUCE APPEAR -inducir LURE_ENTICE INCITE_INDUCE INFER OBLIGE_FORCE -induce SPEED-UP MOUNT_ASSEMBLE_PRODUCE INCITE_INDUCE INFER -armarse_de_valor CARRY-OUT-ACTION PREPARE -bring_oneself CARRY-OUT-ACTION -uncover SHOW -unveil REMOVE_TAKE-AWAY_KIDNAP SHOW -issue EMIT PUBLISH LOAD_PROVIDE_CHARGE_FURNISH -release CHANGE-HANDS CANCEL_ELIMINATE EMIT PUBLISH EMPTY_UNLOAD EXCRETE LIBERATE_ALLOW_AFFORD -publier PUBLISH -dictar LOAD_PROVIDE_CHARGE_FURNISH EMIT PUBLISH LEAD_GOVERN SPEAK ORDER INFLUENCE -publish PUBLISH -publicar PUBLISH RECORD -extraer REMOVE_TAKE-AWAY_KIDNAP CITE SEPARATE_FILTER_DETACH OBTAIN EXTRACT -bring_outside EXTRACT -exteriorize CONVERT EXTRACT -extérioriser CONVERT EXTRACT CONSIDER -secourir HELP_HEAL_CARE_CURE -bring_through HELP_HEAL_CARE_CURE -pull_through HELP_HEAL_CARE_CURE OVERCOME_SURPASS -poner_a_salvo HELP_HEAL_CARE_CURE -save ABSTAIN_AVOID_REFRAIN RECORD HELP_HEAL_CARE_CURE RETAIN_KEEP_SAVE-MONEY -sauver ABSTAIN_AVOID_REFRAIN HELP_HEAL_CARE_CURE -bring_to_bear BRING -join ACCOMPANY ALLY_ASSOCIATE_MARRY JOIN_CONNECT -acoplar FIT JOIN_CONNECT -ser_padre DEVELOP_AGE -formar EXIST-WITH-FEATURE MOUNT_ASSEMBLE_PRODUCE DEVELOP_AGE COOK BEGIN CREATE_MATERIALIZE SUMMON PREPARE ESTABLISH CARRY-OUT-ACTION TEACH SHAPE INCLUDE-AS -parent DEVELOP_AGE -rear MOUNT_ASSEMBLE_PRODUCE DEVELOP_AGE RAISE APPEAR -nurture NOURISH_FEED DEVELOP_AGE INCREASE_ENLARGE_MULTIPLY -sacar_a_colación PROPOSE -plantear CREATE_MATERIALIZE BEGIN PROPOSE -sacar_a_relucir BRING SHOW PROPOSE -hausser RAISE -izar RAISE -alzar MOUNT_ASSEMBLE_PRODUCE AROUSE_WAKE_ENLIVEN MAKE-A-SOUND INCREASE_ENLARGE_MULTIPLY RAISE STAY_DWELL -élever RAISE -augmenter RAISE INCREASE_ENLARGE_MULTIPLY -hisser RAISE -revigorizarse AROUSE_WAKE_ENLIVEN -brisk_up AROUSE_WAKE_ENLIVEN -brisk AROUSE_WAKE_ENLIVEN -brisken AROUSE_WAKE_ENLIVEN -erizar RAISE -erizarse RAISE -initiate AUTHORIZE_ADMIT BEGIN ESTABLISH -broach BEGIN -propagate TRANSMIT GIVE-BIRTH FLY CIRCULATE_SPREAD_DISTRIBUTE -esparcir BURY_PLANT ORGANIZE COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -circulate BEFRIEND MOVE-ONESELF MOVE-SOMETHING TRAVEL GIVE_GIFT CIRCULATE_SPREAD_DISTRIBUTE -diffuse ORGANIZE AFFECT CIRCULATE_SPREAD_DISTRIBUTE -propagar OPEN TRANSMIT COVER_SPREAD_SURMOUNT GIVE-BIRTH ORGANIZE SHAPE CIRCULATE_SPREAD_DISTRIBUTE -circularise INFORM GIVE_GIFT CIRCULATE_SPREAD_DISTRIBUTE -diseminar BURY_PLANT ORGANIZE CIRCULATE_SPREAD_DISTRIBUTE -circularize INFORM ASK_REQUEST GIVE_GIFT SHAPE CIRCULATE_SPREAD_DISTRIBUTE -spread OPEN ORGANIZE COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -disseminate CIRCULATE_SPREAD_DISTRIBUTE -pass_around GIVE_GIFT CIRCULATE_SPREAD_DISTRIBUTE -widen INCREASE_ENLARGE_MULTIPLY -extender OPEN INCREASE_ENLARGE_MULTIPLY OFFER COVER_SPREAD_SURMOUNT EMIT PUBLISH SPEAK FLATTEN_SMOOTHEN EXTEND CIRCULATE_SPREAD_DISTRIBUTE -extend TRY INCREASE_ENLARGE_MULTIPLY OFFER MOVE-BY-MEANS-OF SPEAK EXTEND -dilatarse INCREASE_ENLARGE_MULTIPLY AMELIORATE -ensancharse INCREASE_ENLARGE_MULTIPLY COVER_SPREAD_SURMOUNT -dar_de_costado HIT -broadside HIT -brocade WEAVE -bordar EMBELLISH WEAVE SECURE_FASTEN_TIE -broider EMBELLISH -oven_broil COOK -comisionar ASSIGN-smt-to-smn ASK_REQUEST WORK -broker WORK -bromate REACT TREAT-WITH/BY -brominate REACT TREAT-WITH/BY -convertir_en_bromato REACT -bronze COLOR -broncear COLOR -tan COLOR TREAT-WITH/BY -tostar COLOR COOK -curtir COLOR TREAT-WITH/BY -broncearse COLOR HURT_HARM_ACHE -abrochar SECURE_FASTEN_TIE -brooch SECURE_FASTEN_TIE -clasp CATCH SECURE_FASTEN_TIE -dwell REFER LIE THINK GROUND_BASE_FOUND STAY_DWELL -asurarse THINK -brood CAUSE-MENTAL-STATE BURDEN_BEAR LIE THINK FACIAL-EXPRESSION -inquietarse BEHAVE CAUSE-MENTAL-STATE THINK -faire_la_moue FACIAL-EXPRESSION -pout FACIAL-EXPRESSION -hacer_morros FACIAL-EXPRESSION -sulk FACIAL-EXPRESSION -hatch CREATE_MATERIALIZE LIE GIVE-BIRTH EMBELLISH CAVE_CARVE -incubar DEVELOP_AGE GIVE-BIRTH LIE -aclocarse LIE -incubate DEVELOP_AGE LIE -bulk_large BURDEN_BEAR -hover HANG BURDEN_BEAR FLY COMPARE GO-FORWARD -loom BURDEN_BEAR MOUNT_ASSEMBLE_PRODUCE APPEAR OVERCOME_SURPASS -grizzle CAUSE-MENTAL-STATE OPPOSE_REBEL_DISSENT -stew DISLIKE CAUSE-MENTAL-STATE COOK -genêt REMOVE_TAKE-AWAY_KIDNAP WASH_CLEAN -broom REMOVE_TAKE-AWAY_KIDNAP WASH_CLEAN -escoba REMOVE_TAKE-AWAY_KIDNAP -sweep REMOVE_TAKE-AWAY_KIDNAP EXTEND MOVE-SOMETHING COVER_SPREAD_SURMOUNT TRAVEL WIN WASH_CLEAN OBLIGE_FORCE GO-FORWARD -embrown COLOR -brown COLOR -garapiñar COLOR -gratinar COLOR ANALYZE -torrarse COLOR -brown-nose FLATTER -butter_up FLATTER -dar_coba FLATTER -browse SEARCH EAT_BITE -graze NOURISH_FEED CORRODE_WEAR-AWAY_SCRATCH EAT_BITE HURT_HARM_ACHE -pastar NOURISH_FEED HURT_HARM_ACHE EAT_BITE -crop NOURISH_FEED CUT EAT_BITE GROW_PLOW -pasturar EAT_BITE -pasture NOURISH_FEED EAT_BITE -pacer NOURISH_FEED EAT_BITE -apacentar NOURISH_FEED EAT_BITE -llevar_a_pastar EAT_BITE -surfear SEARCH MOVE-BY-MEANS-OF -surfer SEARCH MOVE-BY-MEANS-OF -naviguer SEARCH TRAVEL -surf SEARCH MOVE-BY-MEANS-OF CHANGE_SWITCH -echar_un_vistazo SEARCH SEE -ir_de_compras SEARCH BUY -bruise BREAK_DETERIORATE HURT_HARM_ACHE -lesionar WORSEN HURT_HARM_ACHE -spite HURT_HARM_ACHE -injure WORSEN HURT_HARM_ACHE -herir OFFEND_DISESTEEM HURT_HARM_ACHE -wound HURT_HARM_ACHE -machucarse HURT_HARM_ACHE -golpearse HURT_HARM_ACHE -contuse HURT_HARM_ACHE -magullarse HURT_HARM_ACHE -lastimarse HURT_HARM_ACHE -rumour SPEAK -rumorear SPEAK -bruit SPEAK -rumor SPEAK -brunch EAT_BITE -brush REMOVE_TAKE-AWAY_KIDNAP TRAVEL WASH_CLEAN TOUCH PUT_APPLY_PLACE_PAVE -cepillar REMOVE_TAKE-AWAY_KIDNAP CUT FLATTEN_SMOOTHEN EMBELLISH WASH_CLEAN -rozar TOUCH CORRODE_WEAR-AWAY_SCRATCH HEAT GO-FORWARD -extenderse CONTINUE AMELIORATE INCREASE_ENLARGE_MULTIPLY TRAVEL LIE COVER_SPREAD_SURMOUNT AFFECT EXTEND CIRCULATE_SPREAD_DISTRIBUTE -dismiss REFUSE DISBAND_BREAK-UP DISMISS_FIRE-SMN DRIVE-BACK -discount REFUSE DEBASE_ADULTERATE -brush_off REFUSE -ignore MISS_OMIT_LACK REFUSE DOWNPLAY_HUMILIATE -brush_aside REFUSE -destituir REFUSE DISMISS_FIRE-SMN -push_aside REFUSE MOVE-SOMETHING -disregard REFUSE DOWNPLAY_HUMILIATE -desoír MISS_OMIT_LACK REFUSE -descartar REMOVE_TAKE-AWAY_KIDNAP DECREE_DECLARE PRECLUDE_FORBID_EXPEL REFUSE DISCARD -brush_down REPRIMAND -abroncar REPRIMAND -tell_off REPRIMAND -pintar PAINT PUT_APPLY_PLACE_PAVE SHOW COLOR -brush_on PUT_APPLY_PLACE_PAVE -polish_up EMBELLISH -polish AMELIORATE EMBELLISH WASH_CLEAN -redondear FINISH_CONCLUDE_END EMBELLISH ADJUST_CORRECT PRONOUNCE SHAPE -round_off ADJUST_CORRECT EMBELLISH SHAPE -pulir AMELIORATE EMBELLISH WASH_CLEAN -brush_up STUDY EMBELLISH -review REMEMBER SUBJECTIVE-JUDGING ANALYZE STUDY VERIFY -refresh WASH_CLEAN CHANGE_SWITCH STUDY COOL -refrescar_la_memoria AROUSE_WAKE_ENLIVEN STUDY -burbujear EMIT -spill_over CAUSE-MENTAL-STATE LEAVE_DEPART_RUN-AWAY -bubble_over CAUSE-MENTAL-STATE -bubble_up RAISE -intumesce RAISE INCREASE_ENLARGE_MULTIPLY -buccaneer EXIST_LIVE -ir_contra RESIST -in_en_contra RESIST -buck RUN JUMP TRY RESIST -oponerse PROTECT OPPOSE_REBEL_DISSENT RESIST -hitch STOP TRAVEL JOIN_CONNECT ATTACH JUMP -jerk THROW JUMP MOVE-ONESELF PULL -jugársela TRY -tear REMOVE_TAKE-AWAY_KIDNAP RUN SEPARATE_FILTER_DETACH CRY -shoot_down KNOCK-DOWN STOP RUN -despedir EARN EMIT OPERATE RUN DISMISS_FIRE-SMN -buck_up AROUSE_WAKE_ENLIVEN -take_heart AROUSE_WAKE_ENLIVEN -espabilar AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE -bucket PUT_APPLY_PLACE_PAVE CARRY_TRANSPORT -sacar_con_cubo CARRY_TRANSPORT -buckle SECURE_FASTEN_TIE LOWER BEND -enhebillar SECURE_FASTEN_TIE -encogerse PRESS_PUSH_FOLD REDUCE_DIMINISH MOVE-BACK LOWER -torcerse BEND HURT_HARM_ACHE -warp BEND REPRESENT -claudicar AGREE_ACCEPT -sucumbir CAUSE-MENTAL-STATE GIVE-UP_ABOLISH_ABANDON AGREE_ACCEPT KILL FAIL_LOSE GUARANTEE_ENSURE_PROMISE -buckle_under AGREE_ACCEPT -knuckle_under AGREE_ACCEPT -succumb AGREE_ACCEPT FAIL_LOSE -poner_entretela STRENGTHEN_MAKE-RESISTANT -buckram STRENGTHEN_MAKE-RESISTANT -bud GROW_PLOW BEGIN -retoñar GROW_PLOW -presupuestar CALCULATE_ESTIMATE GIVE_GIFT -budget GIVE_GIFT -budget_for CALCULATE_ESTIMATE -furbish WASH_CLEAN -bruñir WASH_CLEAN -buff HIT WASH_CLEAN -pulimentar AMELIORATE WASH_CLEAN -burnish WASH_CLEAN -infundir_temor CAUSE-MENTAL-STATE -buffalo CAUSE-MENTAL-STATE -buffer COMBINE_MIX_UNITE PROTECT -cushion PROTECT -neutralizar STOP COMBINE_MIX_UNITE COMPENSATE CONVERT KILL WEAKEN -tamponar COMBINE_MIX_UNITE -intercept CATCH DECEIVE -wiretap DECEIVE -bug_out BULGE-OUT -pop_out LEAVE_DEPART_RUN-AWAY APPEAR BULGE-OUT -salirse SEPARATE_FILTER_DETACH BULGE-OUT -bulge_out BULGE-OUT -protrude BULGE-OUT -sodomize HAVE-SEX -bugger HAVE-SEX -sodomise HAVE-SEX -sodomizar HAVE-SEX -marcharse DIVERSIFY LAND_GET-OFF LEAVE_DEPART_RUN-AWAY -largarse LEAVE_DEPART_RUN-AWAY -scram LEAVE_DEPART_RUN-AWAY -bugger_off LEAVE_DEPART_RUN-AWAY -buzz_off LEAVE_DEPART_RUN-AWAY -bugle PERFORM -générer CREATE_MATERIALIZE MOUNT_ASSEMBLE_PRODUCE -build PLAN_SCHEDULE MOUNT_ASSEMBLE_PRODUCE STRENGTHEN_MAKE-RESISTANT INCREASE_ENLARGE_MULTIPLY AMELIORATE ESTABLISH GROUND_BASE_FOUND -edificar PAINT MOUNT_ASSEMBLE_PRODUCE -produire MOUNT_ASSEMBLE_PRODUCE GENERATE -construire MOUNT_ASSEMBLE_PRODUCE -construct PAINT REMEMBER MOUNT_ASSEMBLE_PRODUCE -confeccionar EXIST-WITH-FEATURE MOUNT_ASSEMBLE_PRODUCE COMBINE_MIX_UNITE COOK SEW CREATE_MATERIALIZE SECURE_FASTEN_TIE ENCLOSE_WRAP CARRY-OUT-ACTION GROUP INCLUDE-AS -crearse ESTABLISH -work_up PREPARE INCREASE_ENLARGE_MULTIPLY STRENGTHEN_MAKE-RESISTANT -fortificar EXIST-WITH-FEATURE AFFIRM PROTECT ENCLOSE_WRAP STRENGTHEN_MAKE-RESISTANT ADD -intensificar AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY STRENGTHEN_MAKE-RESISTANT -ramp_up STRENGTHEN_MAKE-RESISTANT -robustecer STRENGTHEN_MAKE-RESISTANT AFFIRM -build_in COMBINE_MIX_UNITE -build_on IMPLY -repose_on IMPLY -rest_on IMPLY STABILIZE_SUPPORT-PHYSICALLY -basarse IMPLY -descansar REST STOP IMPLY LIE REMAIN PUT_APPLY_PLACE_PAVE INCLUDE-AS -reposer_sur IMPLY STABILIZE_SUPPORT-PHYSICALLY -build_upon IMPLY -bulk BULGE-OUT -abombar BULGE-OUT -pandear BULGE-OUT -pouch INSERT BULGE-OUT SEND -abultar INCREASE_ENLARGE_MULTIPLY BULGE-OUT -bull_through PRESS_PUSH_FOLD -bull DECEIVE INCREASE_ENLARGE_MULTIPLY PRESS_PUSH_FOLD -pousser_à_la_hausse DECEIVE INCREASE_ENLARGE_MULTIPLY PRESS_PUSH_FOLD -bullshit DECEIVE -talk_through_one's_hat DECEIVE -fake DECEIVE FAKE -bulldog THROW ATTACK_BOMB -bulldoze FLATTEN_SMOOTHEN -bullet_vote CHOOSE -bulletin PUBLISH -bulletproof STRENGTHEN_MAKE-RESISTANT -face_off PREPARE -bully_off PREPARE -bulwark PROTECT -écornifler ASK_REQUEST OBTAIN -sponge CANCEL_ELIMINATE ABSORB OBTAIN WASH_CLEAN GROUP -cadge ASK_REQUEST OBTAIN -gorronear ASK_REQUEST OBTAIN -grub SEARCH OBTAIN -mooch OBTAIN -falter SPEAK MOVE-ONESELF FAIL_LOSE -trastabillar MOVE-ONESELF -tropezar ENDANGER MOVE-ONESELF FIND HIT MEET -stumble FALL_SLIDE-DOWN MISTAKE MOVE-ONESELF MEET -stammer SPEAK -stutter SPEAK -tartamudear SPEAK -balbucir SPEAK -desplazar REMOVE_TAKE-AWAY_KIDNAP GO-FORWARD TURN_CHANGE-DIRECTION MOVE-SOMETHING -dislodge REMOVE_TAKE-AWAY_KIDNAP TURN_CHANGE-DIRECTION -knock TOUCH MAKE-A-SOUND CRITICIZE HIT -trouver FIND -encounter FACE_CHALLENGE ENDANGER FIND MEET RESULT_CONSEQUENCE -conmocionar CAUSE-MENTAL-STATE HURT_HARM_ACHE MOVE-ONESELF -bump_around MOVE-ONESELF -jar CAUSE-MENTAL-STATE MOVE-ONESELF MOVE-SOMETHING DISTINGUISH_DIFFER PUT_APPLY_PLACE_PAVE -run_into ENDANGER MEET HIT -topar DISTINGUISH_DIFFER REACH ENDANGER HIT -colisionar FALL_SLIDE-DOWN THROW OVERCOME_SURPASS HIT -jar_against HIT -knock_against HIT -golpearse_contra HIT -bump_into HIT -matar CAUSE-MENTAL-STATE FINISH_CONCLUDE_END KILL -bump_off KILL -off KILL -matar_violentamente KILL -slay KILL -assassiner KILL -dépêcher KILL -quitar_de_enmedio KILL -polish_off FINISH_CONCLUDE_END EAT_BITE KILL -cargarse DISCARD KILL -murder CHANGE-APPEARANCE/STATE KILL -dispatch CARRY-OUT-ACTION FINISH_CONCLUDE_END KILL SEND -despachar FINISH_CONCLUDE_END CARRY_TRANSPORT EAT_BITE KILL SEND DIRECT_AIM_MANEUVER CARRY-OUT-ACTION GIVE_GIFT DISMISS_FIRE-SMN ALLY_ASSOCIATE_MARRY -bump_up INCREASE_ENLARGE_MULTIPLY -bunch GROUP AMASS -bunch_up GROUP AMASS -cluster GROUP AMASS -clump MAKE-A-SOUND AMASS MOVE-ONESELF GROUP -bundle SLEEP AMASS PRESS_PUSH_FOLD -bunch_together GROUP -arracimarse GROUP -gyp STEAL_DEPRIVE -entuber STEAL_DEPRIVE -truander STEAL_DEPRIVE -escroquer STEAL_DEPRIVE -victimizar HURT_HARM_ACHE PUNISH STEAL_DEPRIVE -diddle TOUCH STEAL_DEPRIVE -tirer_au_flanc ABSTAIN_AVOID_REFRAIN STEAL_DEPRIVE -blouser STEAL_DEPRIVE -gip STEAL_DEPRIVE -hornswoggle STEAL_DEPRIVE -arnaquer STEAL_DEPRIVE -duper STEAL_DEPRIVE -victimize HURT_HARM_ACHE PUNISH STEAL_DEPRIVE -rook STEAL_DEPRIVE -bunco STEAL_DEPRIVE -defraud STEAL_DEPRIVE -dar_gato_por_liebre STEAL_DEPRIVE -mulct CHARGE STEAL_DEPRIVE -short-change DECEIVE STEAL_DEPRIVE -con STUDY STEAL_DEPRIVE -scam STEAL_DEPRIVE -swindle STEAL_DEPRIVE -frapper_d'une_amende CHARGE STEAL_DEPRIVE -goldbrick ABSTAIN_AVOID_REFRAIN STEAL_DEPRIVE -hacer_bultos PRESS_PUSH_FOLD -comprimir SUMMARIZE PRESS_PUSH_FOLD -compact PRESS_PUSH_FOLD -wad FILL PRESS_PUSH_FOLD -compactar PRESS_PUSH_FOLD -empacar INSERT CLOSE FILL PRESS_PUSH_FOLD -hacer_un_manojo AMASS -emmitoufler DRESS_WEAR AMASS -bundle_up DRESS_WEAR AMASS -hacer_un_bulto AMASS -enfardar AMASS -practice_bundling SLEEP -bundle_off SEND -fee GIVE_GIFT -bung GIVE_GIFT CLOSE -gratificar CAUSE-MENTAL-STATE GIVE_GIFT -dar_propina GIVE_GIFT -bunk_off MISS_OMIT_LACK -play_hooky MISS_OMIT_LACK -bunker CARRY_TRANSPORT FILL HIT -bunt MOVE-SOMETHING HIT -drag_a_bunt HIT -topetear MOVE-SOMETHING -topetar MOVE-SOMETHING -buoy CARRY_TRANSPORT FLY SIGNAL_INDICATE -reflotar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND BEGIN INCREASE_ENLARGE_MULTIPLY CARRY_TRANSPORT -abalizar CARRY_TRANSPORT -buoy_up CAUSE-MENTAL-STATE CARRY_TRANSPORT -mantener_a_flote CARRY_TRANSPORT -dar_aliento CAUSE-MENTAL-STATE -burr REMOVE_TAKE-AWAY_KIDNAP -bur REMOVE_TAKE-AWAY_KIDNAP -weight_down BURDEN_BEAR -burthen BURDEN_BEAR -asignar_un_peso BURDEN_BEAR -burden BURDEN_BEAR ASSIGN-smt-to-smn -silla_de_montar ASSIGN-smt-to-smn -saddle ASSIGN-smt-to-smn BURDEN_BEAR PUT_APPLY_PLACE_PAVE -encargar ASSIGN-smt-to-smn GIVE_GIFT ASK_REQUEST ORDER -seller ASSIGN-smt-to-smn BURDEN_BEAR PUT_APPLY_PLACE_PAVE -burgeon AMELIORATE -rebrotar GROW_PLOW AMELIORATE -desvalijar STEAL_DEPRIVE -burglarize STEAL_DEPRIVE -heist STEAL_DEPRIVE -burgle STEAL_DEPRIVE -burglarise STEAL_DEPRIVE -burke PRECLUDE_FORBID_EXPEL KILL -burl REMOVE_TAKE-AWAY_KIDNAP -spoof JOKE -parody JOKE -burlesque JOKE -parodier JOKE -incinerar BURN -quemarse HEAT BURN HURT_HARM_ACHE DESTROY -incendiarse DESTROY -burn_down BURN DESTROY -brûler BURN DRY DESTROY -cramer BURN DESTROY -bruler BURN DESTROY -foguear BURN -cauterizar BURN -cauterise BURN WEAKEN -cauterize BURN WEAKEN -cautériser BURN -sunburn HURT_HARM_ACHE -consumir CAUSE-MENTAL-STATE CONSUME_SPEND WASTE EAT_BITE USE WEAKEN -burn_off BURN CONSUME_SPEND -abrasarse BURN -pegar_fuerte LIGHT_SHINE -incinerate BURN -incinérer BURN -se_consumer BURN -burrow TRAVEL -tunnel HOLE_PIERCE TRAVEL -sortir_gaiement APPEAR LEAVE_DEPART_RUN-AWAY -leap_out EXIST-WITH-FEATURE APPEAR -sally_out APPEAR LEAVE_DEPART_RUN-AWAY -rush_out APPEAR -effleurir COVER_SPREAD_SURMOUNT CHANGE-APPEARANCE/STATE APPEAR -effloresce COVER_SPREAD_SURMOUNT CHANGE-APPEARANCE/STATE APPEAR -burst_upon APPEAR -burst_in_on APPEAR -prorrumpir SPEAK -sumir ENCLOSE_WRAP DIP_DIVE -bury REMEMBER BURY_PLANT ENCLOSE_WRAP CAVE_CARVE CLOUD_SHADOW_HIDE -sepultar ENCLOSE_WRAP BURY_PLANT CLOUD_SHADOW_HIDE CAVE_CARVE -soterrar ENCLOSE_WRAP BURY_PLANT CLOUD_SHADOW_HIDE CAVE_CARVE -eat_up ENCLOSE_WRAP EAT_BITE CONSUME_SPEND -enterrar ENCLOSE_WRAP BURY_PLANT CLOUD_SHADOW_HIDE CAVE_CARVE -swallow_up ENCLOSE_WRAP -cobijarse CLOUD_SHADOW_HIDE -cubrirse CLOUD_SHADOW_HIDE -hundir DESTROY DIP_DIVE LOWER PROVE CAVE_CARVE -sink FALL_SLIDE-DOWN LOWER DIP_DIVE CHANGE-APPEARANCE/STATE CAVE_CARVE REDUCE_DIMINISH -enterrer BURY_PLANT -desconocer MISS_OMIT_LACK REMEMBER -inhume BURY_PLANT -entomb BURY_PLANT -inhumar BURY_PLANT -lay_to_rest BURY_PLANT -inter BURY_PLANT -andar_en_bus MOVE-BY-MEANS-OF -bus REMOVE_TAKE-AWAY_KIDNAP MOVE-BY-MEANS-OF -encasquillar LOAD_PROVIDE_CHARGE_FURNISH -bush LOAD_PROVIDE_CHARGE_FURNISH -bush_out GROW_PLOW -restaurar REPAIR_REMEDY RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND EMBELLISH -componer PLAN_SCHEDULE MOUNT_ASSEMBLE_PRODUCE COMBINE_MIX_UNITE PRINT CREATE_MATERIALIZE CALCULATE_ESTIMATE REPRESENT REPAIR_REMEDY EMBELLISH GROUP -réparer REPAIR_REMEDY -bushel REPAIR_REMEDY -fix DECIDE_DETERMINE COOK FAKE SECURE_FASTEN_TIE REPAIR_REMEDY PREPARE STABILIZE_SUPPORT-PHYSICALLY PUNISH ESTABLISH PUT_APPLY_PLACE_PAVE CASTRATE -recomponer REPAIR_REMEDY COMBINE_MIX_UNITE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -furbish_up REPAIR_REMEDY -reparar LOAD_PROVIDE_CHARGE_FURNISH PAY SECURE_FASTEN_TIE REPAIR_REMEDY PERCEIVE -mend REPAIR_REMEDY HELP_HEAL_CARE_CURE -restore HELP_HEAL_CARE_CURE REPAIR_REMEDY GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -doctor REPAIR_REMEDY HELP_HEAL_CARE_CURE DEBASE_ADULTERATE -busk PERFORM -buss TOUCH -snog TOUCH -faire_un_bisou TOUCH -kiss TOUCH -besarse TOUCH -biser TOUCH -besar TOUCH -osculate TOUCH SHARE EXIST-WITH-FEATURE -atacar_por_sorpresa ATTACK_BOMB -raid BUY SEARCH ATTACK_BOMB VIOLATE -rasgar CUT SEPARATE_FILTER_DETACH -rasgarse SEPARATE_FILTER_DETACH -escindir SEPARATE_FILTER_DETACH -rupture SEPARATE_FILTER_DETACH -wreck DESTROY -wrack DESTROY -bust_up DESTROY -bustle_about MOVE-ONESELF -bustle MOVE-ONESELF -hustle PERSUADE OBTAIN MOVE-ONESELF MOVE-SOMETHING -ocuparse CARRY-OUT-ACTION MANAGE WATCH_LOOK-OUT HELP_HEAL_CARE_CURE -busy CARRY-OUT-ACTION -slaughter KILL -abattre KILL -carnear KILL -sacrificar GIVE-UP_ABOLISH_ABANDON GIVE_GIFT KILL SELL -butcher KILL -soldar_a_tope JOIN_CONNECT -buttweld JOIN_CONNECT -butt-weld JOIN_CONNECT -butter COVER_SPREAD_SURMOUNT -butterfly OPEN COURT FLY -aletear_como_mariposa FLY -philander COURT -flirt BEHAVE COURT -coquetear BEHAVE COURT -coquette COURT -flirter BEHAVE COURT -chat_up COURT PERSUADE -flirtear BEHAVE COURT -dally BEHAVE TREAT COURT -coquet COURT -romance COURT ALLY_ASSOCIATE_MARRY DECEIVE -button LOAD_PROVIDE_CHARGE_FURNISH SECURE_FASTEN_TIE -abotonar LOAD_PROVIDE_CHARGE_FURNISH SECURE_FASTEN_TIE -buttonhole FLATTER -lobby FLATTER -buttress STRENGTHEN_MAKE-RESISTANT -apuntalar LAND_GET-OFF STRENGTHEN_MAKE-RESISTANT STABILIZE_SUPPORT-PHYSICALLY -butylate COMBINE_MIX_UNITE -ser_convencido BELIEVE -mercar BUY -purchase BUY -acheter BUY -frequent ATTEND VISIT -shop_at ATTEND -patronize TREAT ATTEND FOLLOW_SUPPORT_SPONSOR_FUND -patrocinar FOLLOW_SUPPORT_SPONSOR_FUND ATTEND -apadrinar FOLLOW_SUPPORT_SPONSOR_FUND ATTEND -sponsor FOLLOW_SUPPORT_SPONSOR_FUND ATTEND -buy_at ATTEND -patronise TREAT ATTEND FOLLOW_SUPPORT_SPONSOR_FUND -recomprar BUY -repurchase BUY -buy_back BUY -buy_food BUY -buy_in RETAIN_KEEP_SAVE-MONEY -stock GROW_PLOW LOAD_PROVIDE_CHARGE_FURNISH RETAIN_KEEP_SAVE-MONEY POSSESS -proveer LOAD_PROVIDE_CHARGE_FURNISH RETAIN_KEEP_SAVE-MONEY FIND -stock_up RETAIN_KEEP_SAVE-MONEY -abastecer LOAD_PROVIDE_CHARGE_FURNISH ABSORB RETAIN_KEEP_SAVE-MONEY NOURISH_FEED -buy_into BUY -buy_it KILL -pip_out KILL -palmarla KILL -liquidar CORRUPT FINISH_CONCLUDE_END PAY EARN CONVERT KILL SELL CHANGE-APPEARANCE/STATE -buy_off CORRUPT -pay_off CORRUPT PAY PUNISH -buy_out BUY -buy_up BUY -tomar_posesión BUY STAY_DWELL -expirar FINISH_CONCLUDE_END KILL -dejar_de_existir KILL -pass_away FINISH_CONCLUDE_END KILL -dévisser_son_billard KILL -clamser KILL -give-up_the_ghost KILL -caducar FALL_SLIDE-DOWN FINISH_CONCLUDE_END KILL -caer_muerto KILL -kick_the_bucket KILL -casser_sa_pipe KILL -casser_sa_queue_de_billard KILL -espichar KILL -drop_dead KILL -exit LEAVE_DEPART_RUN-AWAY KILL FAIL_LOSE -cash_in_one's_chips KILL -colgar_los_guayos KILL -diñar KILL -succomber KILL -décéder KILL -exhalar_el_último_suspiro KILL -fenecer FINISH_CONCLUDE_END KILL -passer_l’arme_à_gauche KILL -avaler_son_extrait_de_naissance KILL -passer_de_vie_à_trépas KILL -s'éteindre KILL -croar MAKE-A-SOUND KILL -manger_les_pissenlits_par_la_racine KILL -snuff_it KILL -irse_al_otro_barrio KILL -expirer FINISH_CONCLUDE_END KILL -decease KILL -croak MAKE-A-SOUND KILL OPPOSE_REBEL_DISSENT -pasar_a_mejor_vida KILL -perish KILL -fermer_les_yeux KILL -crever KILL -mourir KILL -entregar_el_alma KILL -palmar FINISH_CONCLUDE_END KILL -trépasser KILL -finar KILL -payer_sa_dette_à_la_nature KILL -conk SLEEP STOP KILL HIT -perder_la_vida KILL -pop_off KILL LEAVE_DEPART_RUN-AWAY -calancher KILL -claboter KILL -salir_de_este_mundo KILL -fallecer FINISH_CONCLUDE_END KILL -estirar_la_pata KILL -buy_the_farm KILL -buy_time DELAY -hum MAKE-A-SOUND SING -by-bid BID -short-circuit ABSTAIN_AVOID_REFRAIN MESS STOP -saltarse ABSTAIN_AVOID_REFRAIN MISS_OMIT_LACK -dar_un_rodeo ABSTAIN_AVOID_REFRAIN TRAVEL -circuler EXIST-WITH-FEATURE ABSTAIN_AVOID_REFRAIN TRAVEL OVERCOME_SURPASS CIRCULATE_SPREAD_DISTRIBUTE -go_around EXIST-WITH-FEATURE ABSTAIN_AVOID_REFRAIN TRAVEL OVERCOME_SURPASS CIRCULATE_SPREAD_DISTRIBUTE -bypass ABSTAIN_AVOID_REFRAIN -faire_caca EXCRETE -aller_à_la_selle EXCRETE -caguer EXCRETE -pouf GROW_PLOW REACT LURE_ENTICE EXCRETE -cagar EXCRETE -take_a_crap EXCRETE -couler_un_bronze EXCRETE -faire_popo EXCRETE -poser_une_pêche EXCRETE -tartir EXCRETE -defecar EXCRETE -stool GROW_PLOW REACT LURE_ENTICE EXCRETE -mouler_un_cake EXCRETE -déféquer EXCRETE -jiñar EXCRETE -take_a_shit EXCRETE -déposer_une_pêche EXCRETE -defecate EXCRETE -chier EXCRETE -crap EXCRETE -démouler_un_cake EXCRETE -ca-ca EXCRETE -cab MOVE-BY-MEANS-OF -andar_en_taxi MOVE-BY-MEANS-OF -taxi MOVE-BY-MEANS-OF TRAVEL -conspirar ALLY_ASSOCIATE_MARRY ORGANIZE -machinate ALLY_ASSOCIATE_MARRY ORGANIZE -machiner ALLY_ASSOCIATE_MARRY -complot ALLY_ASSOCIATE_MARRY -cabal ALLY_ASSOCIATE_MARRY -comploter ALLY_ASSOCIATE_MARRY -tramar CREATE_MATERIALIZE FAKE ALLY_ASSOCIATE_MARRY -manigancer ALLY_ASSOCIATE_MARRY -conjurer ALLY_ASSOCIATE_MARRY -conspire ALLY_ASSOCIATE_MARRY -cabin CAGE_IMPRISON -cable SECURE_FASTEN_TIE SEND -telegrafiar SEND -wire LOAD_PROVIDE_CHARGE_FURNISH INSERT SECURE_FASTEN_TIE SEND -telegraph SEND -cache RETAIN_KEEP_SAVE-MONEY -lay_away RETAIN_KEEP_SAVE-MONEY -hive_up RETAIN_KEEP_SAVE-MONEY -squirrel_away RETAIN_KEEP_SAVE-MONEY -stash RETAIN_KEEP_SAVE-MONEY -cachinnate LAUGH -cackel MAKE-A-SOUND -cacarear MAKE-A-SOUND SPEAK LAUGH SHOUT -cackle MAKE-A-SOUND SPEAK LAUGH -cloquear MAKE-A-SOUND SPEAK -caddie CARRY_TRANSPORT -caddy CARRY_TRANSPORT -schnorr ASK_REQUEST -scrounge SEARCH ASK_REQUEST -shnorr ASK_REQUEST -cage CAGE_IMPRISON -enjaular CAGE_IMPRISON -cage_in CAGE_IMPRISON -revestir SEW ENCLOSE_WRAP COVER_SPREAD_SURMOUNT STRENGTHEN_MAKE-RESISTANT -coat COVER_SPREAD_SURMOUNT -cake COVER_SPREAD_SURMOUNT -cakewalk DANCE -calcificar COMBINE_MIX_UNITE CONVERT -calcificarse COMBINE_MIX_UNITE CONVERT -calcify COMBINE_MIX_UNITE CHANGE-APPEARANCE/STATE CONVERT -calcimine COVER_SPREAD_SURMOUNT -calcine HEAT -calcinar HEAT -figure HAVE-A-FUNCTION_SERVE SUBJECTIVE-JUDGING CALCULATE_ESTIMATE IMAGINE UNDERSTAND -count_on SUBJECTIVE-JUDGING -calculer CALCULATE_ESTIMATE -chiffrer CALCULATE_ESTIMATE CONVERT -work_out DECIDE_DETERMINE CALCULATE_ESTIMATE REACH HAPPEN_OCCUR PREPARE TEACH -deducir REMOVE_TAKE-AWAY_KIDNAP DECIDE_DETERMINE CALCULATE_ESTIMATE RETAIN_KEEP_SAVE-MONEY BELIEVE INFER -averigüar CALCULATE_ESTIMATE FIND -computar CALCULATE_ESTIMATE -cypher CALCULATE_ESTIMATE CONVERT -cipher CALCULATE_ESTIMATE CONVERT -codificar CALCULATE_ESTIMATE CONVERT SORT_CLASSIFY_ARRANGE -compute CALCULATE_ESTIMATE -calendar PLAN_SCHEDULE -calandrar FLATTEN_SMOOTHEN -calender FLATTEN_SMOOTHEN -calibrate ADJUST_CORRECT -calibrar ADJUST_CORRECT -fine-tune ADJUST_CORRECT AMELIORATE -afinar ADJUST_CORRECT AMELIORATE -graduate ADJUST_CORRECT GIVE_GIFT AMELIORATE -caliper MEASURE_EVALUATE -calliper MEASURE_EVALUATE -cocear HURT_HARM_ACHE HIT -calk LOAD_PROVIDE_CHARGE_FURNISH CLOSE HURT_HARM_ACHE -calafatear CLOSE FILL -enmasillar PUT_APPLY_PLACE_PAVE CLOSE -caulk CLOSE -poner_ramplón LOAD_PROVIDE_CHARGE_FURNISH -cumplimentar VISIT -visiter VISIT -call_in REQUIRE_NEED_WANT_HOPE SUMMON REPLACE COMMUNICATE_CONTACT VISIT RECALL -visitar SPEAK ANALYZE VISIT -hacer_venir VISIT -exigir_pago REQUIRE_NEED_WANT_HOPE -call_off SUMMON CANCEL_ELIMINATE -send_for SUMMON -appeler NAME SUMMON OPERATE ASK_REQUEST COMMUNICATE_CONTACT RECOGNIZE_ADMIT_IDENTIFY -squall MAKE-A-SOUND AIR -shout_out MAKE-A-SOUND SPEAK -clamar MAKE-A-SOUND SPEAK -yell MAKE-A-SOUND SPEAK -scream MAKE-A-SOUND SPEAK -hollo MAKE-A-SOUND PERSUADE SHOUT -pasar_lista READ -teléfono COMMUNICATE_CONTACT -téléphoner COMMUNICATE_CONTACT -telephone COMMUNICATE_CONTACT -phone COMMUNICATE_CONTACT -llamar_por_teléfono COMMUNICATE_CONTACT -telefonear COMMUNICATE_CONTACT -convocar SUMMON ASK_REQUEST ORDER PREPARE MEET -hacer_llamado SUMMON -intituler NAME -baptiser NAME -dénommer NAME ANALYZE RECOGNIZE_ADMIT_IDENTIFY -hacer_escala LAND_GET-OFF -call_at LAND_GET-OFF -out_in LAND_GET-OFF -point_out EXPLAIN SIGNAL_INDICATE OPPOSE_REBEL_DISSENT -call_attention SIGNAL_INDICATE -signalize LOAD_PROVIDE_CHARGE_FURNISH AMELIORATE SIGN SIGNAL_INDICATE -signalise LOAD_PROVIDE_CHARGE_FURNISH AMELIORATE SIGN SIGNAL_INDICATE -indiquer SIGNAL_INDICATE -call_back REMEMBER RECALL COMMUNICATE_CONTACT -recall REMEMBER RECALL RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND FOCUS -remember CELEBRATE_PARTY REMEMBER APPROVE_PRAISE WELCOME -conmemorar BEHAVE REMEMBER APPROVE_PRAISE SPEAK CELEBRATE_PARTY -se_souvenir REMEMBER -retrieve REMEMBER OBTAIN BRING -rememorar CELEBRATE_PARTY REMEMBER -recollect REMEMBER -se_rappeler REMEMBER -volver_a_llamar RECALL COMMUNICATE_CONTACT -ramasser GROUP EXTRACT -gather_up GROUP EXTRACT -inviter ASK_REQUEST -kick_up RAISE INCITE_INDUCE -armar_jaleo MESS INCITE_INDUCE -faire_voler RAISE INCITE_INDUCE -call_into_question FACE_CHALLENGE -recusar REFUSE FACE_CHALLENGE CRITICIZE DEBASE_ADULTERATE -oppugn FACE_CHALLENGE -question THINK ASK_REQUEST FACE_CHALLENGE -call_it_quits FINISH_CONCLUDE_END -call_it_a_day FINISH_CONCLUDE_END -scrub CANCEL_ELIMINATE WASH_CLEAN -cancel COMPENSATE CANCEL_ELIMINATE -scratch CORRODE_WEAR-AWAY_SCRATCH RETAIN_KEEP_SAVE-MONEY CANCEL_ELIMINATE CAVE_CARVE TOUCH -call_on SUMMON -call_one's_bluff FACE_CHALLENGE -call_out SUMMON SPEAK FACE_CHALLENGE -protestation SPEAK SHOUT -outcry SPEAK SHOUT -exclaim SPEAK -exclamar SPEAK -cry_out SPEAK -wear_the_trousers LEAD_GOVERN -call_the_shots LEAD_GOVERN -call_the_tune LEAD_GOVERN -call_to_order BEGIN -mobilize SUMMON PREPARE CIRCULATE_SPREAD_DISTRIBUTE -mobilizar SUMMON PREPARE CIRCULATE_SPREAD_DISTRIBUTE -mobilise SUMMON PREPARE CIRCULATE_SPREAD_DISTRIBUTE -mobiliser SUMMON PREPARE CIRCULATE_SPREAD_DISTRIBUTE -movilizar SUMMON PREPARE -repuntar SUMMON GROUP -caligrafiar WRITE -calligraph WRITE -callous WEAKEN -insensibilizar WORSEN WEAKEN -callus HURT_HARM_ACHE -encallecerse HURT_HARM_ACHE -chill_out MAKE-RELAX -settle_down MAKE-RELAX LIE STAY_DWELL -calm_down MAKE-RELAX WEAKEN -simmer_down MAKE-RELAX -cool_it MAKE-RELAX -cool_off CAUSE-MENTAL-STATE MAKE-RELAX WEAKEN -tranquilize MAKE-RELAX -sedate MAKE-RELAX -sedar GIVE_GIFT MAKE-RELAX -tranquillize MAKE-RELAX -tranquillise MAKE-RELAX -mettre_sous_tranquillisants MAKE-RELAX -lull DECEIVE MAKE-RELAX WEAKEN -serenar CAUSE-MENTAL-STATE MAKE-RELAX -quiet MAKE-A-SOUND MAKE-RELAX -quieten MAKE-A-SOUND MAKE-RELAX -tranquilliser MAKE-RELAX -parir_terneros GIVE-BIRTH -parir_un_ternero GIVE-BIRTH -have_young GIVE-BIRTH -combar BEND -camber BEND -camuflarse CLOUD_SHADOW_HIDE -camouflage CLOUD_SHADOW_HIDE -camuflajear CLOUD_SHADOW_HIDE -camuflar CLOUD_SHADOW_HIDE -camp_down MOUNT_ASSEMBLE_PRODUCE -take_the_field ATTACK_BOMB GO-FORWARD -camphorate TREAT-WITH/BY -alcanforar TREAT-WITH/BY -enlatar PRESERVE -envasar PRESERVE -can DISMISS_FIRE-SMN PRESERVE -poder DISMISS_FIRE-SMN PRESERVE -tin PUT_APPLY_PLACE_PAVE COVER_SPREAD_SURMOUNT PRESERVE -mettre_à_la_porte DISMISS_FIRE-SMN DRIVE-BACK -dar_aviso DISMISS_FIRE-SMN -sack INSERT DISMISS_FIRE-SMN EARN STEAL_DEPRIVE -send_away DISBAND_BREAK-UP DISMISS_FIRE-SMN -remercier DISMISS_FIRE-SMN APPROVE_PRAISE -terminate FINISH_CONCLUDE_END DISMISS_FIRE-SMN -give_the_axe DISBAND_BREAK-UP DISMISS_FIRE-SMN -débaucher DISMISS_FIRE-SMN -dejar_cesante DISMISS_FIRE-SMN -licenciar AUTHORIZE_ADMIT GIVE_GIFT DISMISS_FIRE-SMN -force_out WET DISMISS_FIRE-SMN DRIVE-BACK EXTRACT -congédier DISMISS_FIRE-SMN -licencier DISMISS_FIRE-SMN -virer TURN_CHANGE-DIRECTION DISMISS_FIRE-SMN -finiquitar DISMISS_FIRE-SMN -give_the_sack DISMISS_FIRE-SMN -displace REMOVE_TAKE-AWAY_KIDNAP REPLACE DISMISS_FIRE-SMN MOVE-SOMETHING -canalizar SPILL_POUR TRANSMIT MOUNT_ASSEMBLE_PRODUCE INSERT DIRECT_AIM_MANEUVER CIRCULATE_SPREAD_DISTRIBUTE -canalise MOUNT_ASSEMBLE_PRODUCE DIRECT_AIM_MANEUVER -canaliser MOUNT_ASSEMBLE_PRODUCE DIRECT_AIM_MANEUVER -canal MOUNT_ASSEMBLE_PRODUCE -canalize MOUNT_ASSEMBLE_PRODUCE DIRECT_AIM_MANEUVER -acheminer DIRECT_AIM_MANEUVER -encauzar SPILL_POUR TRANSMIT DIRECT_AIM_MANEUVER CIRCULATE_SPREAD_DISTRIBUTE -channel TRANSMIT DIRECT_AIM_MANEUVER CIRCULATE_SPREAD_DISTRIBUTE -offset DIRTY COMPENSATE PRINT -compensar PAY COMPENSATE MATCH ADJUST_CORRECT CARRY-OUT-ACTION -strike_down KNOCK-DOWN CANCEL_ELIMINATE KILL -cancel_out CANCEL_ELIMINATE -candle ANALYZE -glaze LOAD_PROVIDE_CHARGE_FURNISH CHANGE-APPEARANCE/STATE COVER_SPREAD_SURMOUNT -candy COVER_SPREAD_SURMOUNT -sugarcoat COVER_SPREAD_SURMOUNT INTERPRET -glasear COVER_SPREAD_SURMOUNT -cane HIT -flog HIT -canker CONTRACT-AN-ILLNESS_INFECT -ronger CONTRACT-AN-ILLNESS_INFECT -llagar CONTRACT-AN-ILLNESS_INFECT -gangrenar CONTRACT-AN-ILLNESS_INFECT -canibalizar EAT_BITE USE -cannibalise EAT_BITE USE -cannibalize EAT_BITE USE -cannon CREATE_MATERIALIZE SHOOT_LAUNCH_PROPEL -cañonear CREATE_MATERIALIZE ATTACK_BOMB -caramboler CREATE_MATERIALIZE SHOOT_LAUNCH_PROPEL HIT -disparar_un_cañon SHOOT_LAUNCH_PROPEL -cannonade ATTACK_BOMB -entubar LOAD_PROVIDE_CHARGE_FURNISH INSERT CARRY_TRANSPORT -intubate INSERT -cannulize INSERT -canulate INSERT -cannulate INSERT -cannulise INSERT -ir_en_canoa MOVE-BY-MEANS-OF -canoe MOVE-BY-MEANS-OF -andar_en_canoa MOVE-BY-MEANS-OF -canonize APPROVE_PRAISE -canonise APPROVE_PRAISE -canoniser APPROVE_PRAISE -saint APPROVE_PRAISE -canoodle TOUCH -canopy COVER_SPREAD_SURMOUNT -pitch PLAY_SPORT/GAME FALL_SLIDE-DOWN MOUNT_ASSEMBLE_PRODUCE INCLINE THROW SELL HIT ADJUST_CORRECT HARMONIZE GO-FORWARD -oblicuar INCLINE -cant_over INCLINE -cant INCLINE -bascular INCLINE -canter MOVE-BY-MEANS-OF -ir_a_galope MOVE-BY-MEANS-OF -galopar MOVE-BY-MEANS-OF RUN -andar_al_galope MOVE-BY-MEANS-OF -porte-à-faux MOUNT_ASSEMBLE_PRODUCE BULGE-OUT -cantilever MOUNT_ASSEMBLE_PRODUCE BULGE-OUT -intone PERFORM PRONOUNCE SING -intonate PERFORM PRONOUNCE -entonar ADJUST_CORRECT PERFORM PRONOUNCE SING -chant PERFORM SING -salmodiar PERFORM -cantillate PERFORM -solicitar_votos ASK_REQUEST -encuestar ASK_REQUEST -poll CHOOSE CUT ASK_REQUEST OBTAIN -cap COVER_SPREAD_SURMOUNT REDUCE_DIMINISH -crest REACH COVER_SPREAD_SURMOUNT -franchir_la_crête_de REACH COVER_SPREAD_SURMOUNT -coronar ASSIGN-smt-to-smn REDUCE_DIMINISH FINISH_CONCLUDE_END COVER_SPREAD_SURMOUNT -cap_off FINISH_CONCLUDE_END -capacitate AUTHORIZE_ADMIT CAUSE-MENTAL-STATE CHANGE-APPEARANCE/STATE -habiliter AUTHORIZE_ADMIT CAUSE-MENTAL-STATE CHANGE-APPEARANCE/STATE -caper JUMP -capitalise BENEFIT_EXPLOIT FOLLOW_SUPPORT_SPONSOR_FUND CALCULATE_ESTIMATE CONVERT WRITE INTERPRET -capitalize BENEFIT_EXPLOIT FOLLOW_SUPPORT_SPONSOR_FUND CALCULATE_ESTIMATE CONVERT WRITE INTERPRET -mettre_en_majuscules WRITE -poner_en_mayúscula WRITE -capitalizar CALCULATE_ESTIMATE CONVERT BENEFIT_EXPLOIT INTERPRET -take_advantage BENEFIT_EXPLOIT -lucrar BENEFIT_EXPLOIT -capitulate FAIL_LOSE -capitular FAIL_LOSE -caponise CASTRATE -capar_un_gallo CASTRATE -caponize CASTRATE -capriole PERFORM DANCE -cabriolar PERFORM -turtle INVERT_REVERSE HUNT -tortue INVERT_REVERSE HUNT -capsize INVERT_REVERSE -zozobrar INVERT_REVERSE FALL_SLIDE-DOWN FAIL_LOSE -volcarse INVERT_REVERSE -turn_turtle INVERT_REVERSE -encapsular ENCLOSE_WRAP INSERT -capsule ENCLOSE_WRAP SUMMARIZE -capsulate ENCLOSE_WRAP -capsulize ENCLOSE_WRAP SUMMARIZE -capsulise ENCLOSE_WRAP SUMMARIZE -encapsulate ENCLOSE_WRAP SUMMARIZE -liderar EXTEND COVER_SPREAD_SURMOUNT LEAD_GOVERN DIRECT_AIM_MANEUVER OVERCOME_SURPASS -captain LEAD_GOVERN -capitanear LEAD_GOVERN OBLIGE_FORCE WORK -caption LOAD_PROVIDE_CHARGE_FURNISH -caracole DIRECT_AIM_MANEUVER -caramelise CONVERT COOK -acaramelar CONVERT CHANGE-TASTE -caramelize CONVERT COOK -caraméliser CONVERT COOK -caramelizar CONVERT COOK -caramelizarse COOK -caravan MOVE-BY-MEANS-OF -carbonater CONVERT TREAT-WITH/BY -carbonate CONVERT TREAT-WITH/BY -carbonatarse CONVERT -carbonatar COMBINE_MIX_UNITE TREAT-WITH/BY -carbonize BURN COMBINE_MIX_UNITE -carbonise BURN COMBINE_MIX_UNITE -carbonizarse BURN COMBINE_MIX_UNITE -calcinarse BURN -carboniser BURN COMBINE_MIX_UNITE -carburize COMBINE_MIX_UNITE -carburise COMBINE_MIX_UNITE -carboxylate TREAT-WITH/BY -carburar COMBINE_MIX_UNITE -carburet COMBINE_MIX_UNITE -carder SEPARATE_FILTER_DETACH -card ASK_REQUEST SEPARATE_FILTER_DETACH -pasar_la_tarjeta SEPARATE_FILTER_DETACH -verificar_edad ASK_REQUEST -vérifier_l'âge ASK_REQUEST -contrôler_l'âge ASK_REQUEST -care CAUSE-MENTAL-STATE MANAGE HELP_HEAL_CARE_CURE REQUIRE_NEED_WANT_HOPE -preferir EXIST-WITH-FEATURE CHOOSE LIKE REQUIRE_NEED_WANT_HOPE -like LIKE FEEL REQUIRE_NEED_WANT_HOPE -dar_cuidados HELP_HEAL_CARE_CURE -give_care HELP_HEAL_CARE_CURE -gérer MANAGE -guiar MANAGE WATCH_LOOK-OUT PERSUADE MOVE-SOMETHING DIRECT_AIM_MANEUVER ORIENT -regentar MANAGE -manejar MANAGE WATCH_LOOK-OUT CARRY_TRANSPORT WORK CATCH CALCULATE_ESTIMATE MOVE-BY-MEANS-OF DIRECT_AIM_MANEUVER TOUCH -tramitar MANAGE FACE_CHALLENGE ALLY_ASSOCIATE_MARRY -interesar EXIST-WITH-FEATURE CAUSE-MENTAL-STATE -interesarse CAUSE-MENTAL-STATE -preocuparse CAUSE-MENTAL-STATE HELP_HEAL_CARE_CURE THINK -importar EXIST-WITH-FEATURE CAUSE-MENTAL-STATE CARRY_TRANSPORT FOCUS OFFEND_DISESTEEM -preocupar CAUSE-MENTAL-STATE -worry TOUCH CAUSE-MENTAL-STATE EAT_BITE -give_a_hoot CAUSE-MENTAL-STATE -give_a_hang CAUSE-MENTAL-STATE -care_a_hang CAUSE-MENTAL-STATE -give_a_damn CAUSE-MENTAL-STATE -despreocuparse CAUSE-MENTAL-STATE -care_for LIKE HELP_HEAL_CARE_CURE -trata HELP_HEAL_CARE_CURE -traiter HELP_HEAL_CARE_CURE -soigner HELP_HEAL_CARE_CURE -cherish LIKE -hold_dear LIKE -keel GO-FORWARD -tambalearse TRAVEL REDUCE_DIMINISH MOVE-ONESELF GO-FORWARD -reel ROLL MOVE-ONESELF GO-FORWARD -swag REDUCE_DIMINISH MOVE-ONESELF GO-FORWARD -tituber GO-FORWARD -lurch PLAY_SPORT/GAME TRAVEL GO-FORWARD DEFEAT -stagger CAUSE-MENTAL-STATE SORT_CLASSIFY_ARRANGE TRAVEL GO-FORWARD -vaciller GO-FORWARD -vacilar BEHAVE STOP MOVE-ONESELF TRAVEL SPEAK COMPARE GO-FORWARD -careen GO-FORWARD -chanceler GO-FORWARD -bambolearse TRAVEL MOVE-ONESELF GO-FORWARD -wobble MOVE-ONESELF GO-FORWARD -escorar GO-FORWARD -career RUN -acariciar TOUCH PUT_APPLY_PLACE_PAVE HIT -caresser TOUCH -fondle TOUCH -caress TOUCH -carjack STEAL_DEPRIVE -inquietar CAUSE-MENTAL-STATE -intranquilizar CAUSE-MENTAL-STATE -perturb CAUSE-MENTAL-STATE MESS -turbar CAUSE-MENTAL-STATE -trastornar CAUSE-MENTAL-STATE MESS DESTROY -cark CAUSE-MENTAL-STATE -perturbar CAUSE-MENTAL-STATE MESS STOP -unhinge REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE -troubler CAUSE-MENTAL-STATE -disorder CAUSE-MENTAL-STATE MESS -distract ABSTAIN_AVOID_REFRAIN CAUSE-MENTAL-STATE -disquiet CAUSE-MENTAL-STATE -carmine COLOR -sensualize ASCRIBE REPRESENT DEBASE_ADULTERATE -sensualizar ASCRIBE DEBASE_ADULTERATE -carnalize ASCRIBE REPRESENT DEBASE_ADULTERATE -carnalise DEBASE_ADULTERATE -carnalizar REPRESENT DEBASE_ADULTERATE -sensualise DEBASE_ADULTERATE -erotizar CHANGE-APPEARANCE/STATE ASCRIBE -volver_sensual ASCRIBE -carnify CHANGE-APPEARANCE/STATE -cantar_villancicos SING -carol SING -carom HIT -carambolear HIT -carouse ENJOY -amotinarse OPPOSE_REBEL_DISSENT ENJOY -ir_de_juerga TRAVEL ENJOY -riot OPPOSE_REBEL_DISSENT ENJOY -roister ENJOY -cavil CRITICIZE -carp CRITICIZE -chicane DECEIVE CRITICIZE -carpintear WORK -carpenter WORK -alfombrar PUT_APPLY_PLACE_PAVE COVER_SPREAD_SURMOUNT -carpet PUT_APPLY_PLACE_PAVE COVER_SPREAD_SURMOUNT -enmoquetar PUT_APPLY_PLACE_PAVE -carpet_bomb ATTACK_BOMB -persuade PERSUADE -sway GO-FORWARD MOVE-ONESELF PERSUADE MOVE-SOMETHING -stockpile POSSESS -conllevar IMPLY -expresar SHOW INFORM SPEAK -express SHOW SPEAK EXTRACT SEND -aprobarse ACHIEVE -prolongar INCREASE_ENLARGE_MULTIPLY EXTEND -abastar NOURISH_FEED LOAD_PROVIDE_CHARGE_FURNISH -prendre REST CHOOSE EAT_BITE INTERPRET MOVE-BY-MEANS-OF TAKE CIRCULATE_SPREAD_DISTRIBUTE -emporter CIRCULATE_SPREAD_DISTRIBUTE -driblar SHOOT_LAUNCH_PROPEL FLOW -dribble SPILL_POUR SHOOT_LAUNCH_PROPEL FLOW -transport TRANSMIT CARRY_TRANSPORT CAUSE-MENTAL-STATE -efectuar CREATE_MATERIALIZE CAUSE-SMT CARRY_TRANSPORT -face_the_music AGREE_ACCEPT -a_mal_tiempo_buena_cara AGREE_ACCEPT -carry-the_can AGREE_ACCEPT -carry_back TAKE -carry_over REMAIN CARRY_TRANSPORT RETAIN_KEEP_SAVE-MONEY CONTINUE -carry_forward CONTINUE -proseguir CARRY-OUT-ACTION SPEAK GO-FORWARD CONTINUE -proceed EXIST-WITH-FEATURE CONTINUE SPEAK ORGANIZE GO-FORWARD -follow_through FINISH_CONCLUDE_END HIT -follow_up FINISH_CONCLUDE_END COME-AFTER_FOLLOW-IN-TIME -go_through FINISH_CONCLUDE_END CREATE_MATERIALIZE EAT_BITE UNDERGO-EXPERIENCE GO-FORWARD -implementar FINISH_CONCLUDE_END USE -put_through FINISH_CONCLUDE_END JOIN_CONNECT -compléter FINISH_CONCLUDE_END -achever FINISH_CONCLUDE_END KILL -follow_out FINISH_CONCLUDE_END -remettre STOP ENDANGER CONTINUE DELAY RETAIN_KEEP_SAVE-MONEY GIVE_GIFT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -hold_over STOP ENDANGER CONTINUE DELAY RETAIN_KEEP_SAVE-MONEY -carry_to_term GIVE-BIRTH -carry_weight INFLUENCE -cart CARRY_TRANSPORT PULL -carretear MOVE-BY-MEANS-OF CARRY_TRANSPORT PULL -llevar_en_carro CARRY_TRANSPORT -llevar_en_carretilla CARRY_TRANSPORT -drag SEARCH EXIST-WITH-FEATURE MOVE-ONESELF PERSUADE CONTINUE BREATH_BLOW PULL OBLIGE_FORCE -hale OBLIGE_FORCE PULL -haul CARRY_TRANSPORT PULL -haul_off REMOVE_TAKE-AWAY_KIDNAP -cart_off REMOVE_TAKE-AWAY_KIDNAP -haul_away REMOVE_TAKE-AWAY_KIDNAP -cart_away REMOVE_TAKE-AWAY_KIDNAP -despachar_en_vehículo REMOVE_TAKE-AWAY_KIDNAP -caricaturer PAINT -cartoon PAINT -cartwheel PERFORM -esculpir CREATE_MATERIALIZE CAVE_CARVE -carve CUT CAVE_CARVE -tallar CREATE_MATERIALIZE HIT SHAPE CAVE_CARVE -cincelar CAVE_CARVE -grabar TEACH RECORD APPROVE_PRAISE CAVE_CARVE -labrar GROW_PLOW MOUNT_ASSEMBLE_PRODUCE WORK CAVE_CARVE -chip_at CAVE_CARVE -trinchar CUT CAVE_CARVE -cut_up BREAK_DETERIORATE CUT REDUCE_DIMINISH SEPARATE_FILTER_DETACH -carve_out ESTABLISH OBTAIN -desunir SEPARATE_FILTER_DETACH -fendre CUT SEPARATE_FILTER_DETACH -dissever SEPARATE_FILTER_DETACH -carve_up SEPARATE_FILTER_DETACH -dividir DIVIDE SEPARATE_FILTER_DETACH -divide DIVIDE SEPARATE_FILTER_DETACH -cascade FALL_SLIDE-DOWN OVERLAP -cascade_down FALL_SLIDE-DOWN -case ENCLOSE_WRAP ANALYZE -emboîter ENCLOSE_WRAP -encase ENCLOSE_WRAP -encajonar ENCLOSE_WRAP INSERT -enfermer_dans ENCLOSE_WRAP -incase ENCLOSE_WRAP -caseate CHANGE-APPEARANCE/STATE -cash CHANGE_SWITCH -cash_in CHANGE_SWITCH -sacar_partido BENEFIT_EXPLOIT -cash_in_on BENEFIT_EXPLOIT -cash_out EXIST_LIVE -despedirse DISCARD GIVE-UP_ABOLISH_ABANDON WELCOME -cashier DISCARD DISMISS_FIRE-SMN -separar_del_servicio DISMISS_FIRE-SMN -casket ENCLOSE_WRAP -encasquetar ENCLOSE_WRAP -amortajar ENCLOSE_WRAP COVER_SPREAD_SURMOUNT -redacción SPEAK -couch SPEAK -redact ADJUST_CORRECT SPEAK -redactar CREATE_MATERIALIZE SEND PUBLISH WRITE SPEAK COMMUNICATE_CONTACT GO-FORWARD -escoger CHOOSE GROUP -elegir CHOOSE -mould CREATE_MATERIALIZE MOUNT_ASSEMBLE_PRODUCE -vaciar CUT CREATE_MATERIALIZE EMPTY_UNLOAD CAVE_CARVE DISCARD FLOW -couler CREATE_MATERIALIZE LOWER -mold MOUNT_ASSEMBLE_PRODUCE CREATE_MATERIALIZE COVER_SPREAD_SURMOUNT INFLUENCE SPOIL -moldear CREATE_MATERIALIZE MOUNT_ASSEMBLE_PRODUCE INFLUENCE -sacudirse_algo DISCARD -shed DISCARD EMPTY_UNLOAD EXCRETE -throw_off DISCARD LEAVE_DEPART_RUN-AWAY -quitarse DISCARD REMOVE_TAKE-AWAY_KIDNAP -librarse_de DISCARD CANCEL_ELIMINATE -despojarse DISCARD -drop SPILL_POUR MISS_OMIT_LACK DROP EXHAUST HANG FINISH_CONCLUDE_END LOWER CONSUME_SPEND DISBAND_BREAK-UP REDUCE_DIMINISH EAT_BITE FAIL_LOSE EMPTY_UNLOAD KNOCK-DOWN GIVE-BIRTH SPEAK CHANGE_SWITCH DISCARD WORSEN DISMISS_FIRE-SMN -dejar_caer FALL_SLIDE-DOWN CONSUME_SPEND LOWER FAIL_LOSE DISCARD -quitarse_de_encima DISCARD -throw_away DISCARD -cast_off DISCARD FINISH_CONCLUDE_END -shake_off DISCARD LEAVE_DEPART_RUN-AWAY -contrive PLAN_SCHEDULE CREATE_MATERIALIZE DIRECT_AIM_MANEUVER -proyectar SHOW TRANSMIT CONSIDER THROW PROPOSE DIRECT_AIM_MANEUVER COLOR SHOOT_LAUNCH_PROPEL BULGE-OUT -project PLAN_SCHEDULE SHOW TRANSMIT CONSIDER MAKE-A-SOUND IMAGINE PROPOSE DIRECT_AIM_MANEUVER COLOR SHOOT_LAUNCH_PROPEL BULGE-OUT -hurtle THROW TRAVEL GO-FORWARD -hurl THROW SPEAK GO-FORWARD -elenco ASSIGN-smt-to-smn -roam TRAVEL -vagabundear TRAVEL -tramp MOVE-ONESELF TRAVEL -caminar OVERCOME_SURPASS MOVE-ONESELF MOVE-SOMETHING TRAVEL ACCOMPANY GO-FORWARD -rove TRAVEL -vagabonder TRAVEL -errar MISS_OMIT_LACK TRAVEL FAIL_LOSE MISTAKE LEAVE_DEPART_RUN-AWAY -clochard MOVE-ONESELF TRAVEL -ramble SPEAK TRAVEL -roll FALL_SLIDE-DOWN HEAT MAKE-A-SOUND OVERCOME_SURPASS MOVE-ONESELF TRAVEL HAPPEN_OCCUR ROLL OPERATE OBTAIN FLATTEN_SMOOTHEN PERFORM PRONOUNCE SHAPE -stray SPEAK TRAVEL LEAVE_DEPART_RUN-AWAY -rondar PLAY_SPORT/GAME MOVE-ONESELF COVER_SPREAD_SURMOUNT TRAVEL ARRIVE AFFECT GO-FORWARD -errer TRAVEL -vagabond TRAVEL -vagar PLAY_SPORT/GAME TRAVEL -desechar DISCARD DESTROY -put_away EAT_BITE CANCEL_ELIMINATE KILL USE DISCARD CAGE_IMPRISON -naufragar DISCARD UNDERGO-EXPERIENCE DIP_DIVE -toss_away DISCARD -cast_aside DISCARD -fling DISCARD THROW CONSUME_SPEND GO-FORWARD -toss DISCARD THROW TRAVEL MOVE-SOMETHING -cast_away DISCARD -discard DISCARD -toss_out DISCARD -dispose CAUSE-MENTAL-STATE PREPARE DISCARD PUT_APPLY_PLACE_PAVE GIVE_GIFT -deject CAUSE-MENTAL-STATE -demoralise CAUSE-MENTAL-STATE DEBASE_ADULTERATE -cast_down CAUSE-MENTAL-STATE -desalentar CAUSE-MENTAL-STATE OPPOSE_REBEL_DISSENT WEAKEN -depress CAUSE-MENTAL-STATE REDUCE_DIMINISH PRESS_PUSH_FOLD -demoralize CAUSE-MENTAL-STATE DEBASE_ADULTERATE -desanimar CAUSE-MENTAL-STATE OPPOSE_REBEL_DISSENT -abatir FALL_SLIDE-DOWN CAUSE-MENTAL-STATE KILL DEFEAT KNOCK-DOWN DEBASE_ADULTERATE -dispirit CAUSE-MENTAL-STATE -deprimir CAUSE-MENTAL-STATE -cerrar_puntos SEW -cast_on SEW -castigar DECREE_DECLARE REDUCE_DIMINISH REPRIMAND PUNISH -chasten REDUCE_DIMINISH REPRIMAND -chastise REPRIMAND -objurgate REPRIMAND AFFIRM -castigate REPRIMAND PUNISH -castle PLAY_SPORT/GAME -enrocar PLAY_SPORT/GAME -emasculate CASTRATE WEAKEN -capar CASTRATE -demasculinize CASTRATE -émasculer CASTRATE -châtrer CASTRATE -castrer CASTRATE -emascular CASTRATE WEAKEN -demasculinise CASTRATE -mutilar HURT_HARM_ACHE BREAK_DETERIORATE CHANGE-APPEARANCE/STATE WEAKEN CASTRATE -affaiblir WEAKEN -catabolise CONVERT -catabolize CONVERT -catalog SORT_CLASSIFY_ARRANGE -cataloguer SORT_CLASSIFY_ARRANGE -catalogue SORT_CLASSIFY_ARRANGE -catalogar SORT_CLASSIFY_ARRANGE -catalyse CONVERT -catalyze CONVERT -catalizar CONVERT -catapultar THROW SHOOT_LAUNCH_PROPEL -sling THROW HANG MOVE-SOMETHING -catapult THROW SHOOT_LAUNCH_PROPEL -tirar_con_honda THROW -catcall SPEAK -trip_up CAUSE-MENTAL-STATE MISTAKE FIND -cazar CATCH SEARCH HUNT CHASE -view INTERPRET UNDERSTAND SEE -escuchar HEAR_LISTEN ANALYZE FOCUS -oír HEAR_LISTEN KNOW FOCUS -overhear HEAR_LISTEN -oír_sin_querer HEAR_LISTEN -oír_por_casualidad HEAR_LISTEN -overtake REACH OVERCOME_SURPASS -catch_up_with REACH -grab CATCH LIKE TAKE STEAL_DEPRIVE -agripper CATCH -agarrar CATCH CAUSE-MENTAL-STATE TAKE -take_hold_of CATCH -attraper CATCH REMOVE_TAKE-AWAY_KIDNAP CONTRACT-AN-ILLNESS_INFECT -agazapar CATCH -liarse BEHAVE ATTACH -get_a_look SEE -catch_sight SEE -catch_a_glimpse SEE -echar_una_cabezada SLEEP -echar_una_siesta SLEEP -sestear SLEEP -nap SLEEP -hacer_la_siesta SLEEP -dormir_una_siesta SLEEP -catch_a_wink SLEEP -catnap SLEEP -catch_cold CONTRACT-AN-ILLNESS_INFECT -coger_frío CONTRACT-AN-ILLNESS_INFECT -ignite BURN AROUSE_WAKE_ENLIVEN -conflagrate BURN -take_fire BURN -inflamarse BURN HURT_HARM_ACHE INCREASE_ENLARGE_MULTIPLY -catch_fire BURN -catch_it REPRIMAND -catch_on CHANGE-APPEARANCE/STATE UNDERSTAND -twig UNDERSTAND CIRCULATE_SPREAD_DISTRIBUTE -latch_on ATTACH LEARN UNDERSTAND -get_wise UNDERSTAND -get_onto UNDERSTAND -get_it UNDERSTAND PUNISH -cotton_on UNDERSTAND -catch_out FIND -slumber SLEEP -log_z's SLEEP -dormitar SLEEP EXHAUST -catch_some_z's SLEEP -sleep SLEEP HOST_MEAL_INVITE -kip SLEEP -llegar_al_nivel REACH -catch_up REACH LEARN -reponer TRANSMIT REACH PERFORM RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -catechise TEACH ANALYZE -catequizar TEACH ANALYZE -catechize TEACH ANALYZE -categorizar SORT_CLASSIFY_ARRANGE -categorise SORT_CLASSIFY_ARRANGE -categorize SORT_CLASSIFY_ARRANGE -encadenar STOP SECURE_FASTEN_TIE SORT_CLASSIFY_ARRANGE -catenulate SORT_CLASSIFY_ARRANGE -catenate SORT_CLASSIFY_ARRANGE -cater NOURISH_FEED LOAD_PROVIDE_CHARGE_FURNISH -ministrar LOAD_PROVIDE_CHARGE_FURNISH -aprovisionar LOAD_PROVIDE_CHARGE_FURNISH RETAIN_KEEP_SAVE-MONEY -dotar LOAD_PROVIDE_CHARGE_FURNISH GIVE_GIFT AUTHORIZE_ADMIT -surtir LOAD_PROVIDE_CHARGE_FURNISH -suministrar LOAD_PROVIDE_CHARGE_FURNISH -cateraje LOAD_PROVIDE_CHARGE_FURNISH -suplir LOAD_PROVIDE_CHARGE_FURNISH REPLACE -ply LOAD_PROVIDE_CHARGE_FURNISH WORK CATCH TRAVEL JOIN_CONNECT USE -yowl MAKE-A-SOUND -caterwaul MAKE-A-SOUND -catexiar AROUSE_WAKE_ENLIVEN -cathect AROUSE_WAKE_ENLIVEN -cateterizar INSERT -catheterise INSERT -catheterize INSERT -catholicize CHANGE-APPEARANCE/STATE -catholicise CHANGE-APPEARANCE/STATE -latinise WRITE CHANGE-APPEARANCE/STATE -catolizar CHANGE-APPEARANCE/STATE -latinize WRITE CHANGE-APPEARANCE/STATE TRANSLATE -caucus CHOOSE -cause CAUSE-SMT INCITE_INDUCE -stimuler INCITE_INDUCE -hacer_percibir EXIST-WITH-FEATURE -cause_to_be_perceived EXIST-WITH-FEATURE -cause_to_sleep SLEEP -pavimentar PUT_APPLY_PLACE_PAVE MOUNT_ASSEMBLE_PRODUCE -causeway PUT_APPLY_PLACE_PAVE MOUNT_ASSEMBLE_PRODUCE -adoquinar PUT_APPLY_PLACE_PAVE -undermine DESTROY CAVE_CARVE -cave SEARCH CAVE_CARVE -socavar CUT DESTROY CAVE_CARVE -spelunk SEARCH -hacer_espeleología SEARCH -cavern CAVE_CARVE -minar CONSUME_SPEND ENDANGER DESTROY EXTRACT CAVE_CARVE PUT_APPLY_PLACE_PAVE -cavar HOLE_PIERCE EXTRACT CAVE_CARVE -cavern_out CAVE_CARVE -skylark BEHAVE -gambol BEHAVE -lark BEHAVE -cavort BEHAVE -frisk BEHAVE SEARCH -frolic BEHAVE -lark_about BEHAVE -juguetear BEHAVE HAVE-SEX TOUCH MOVE-SOMETHING -run_around BEHAVE -rollick BEHAVE -romp BEHAVE WIN RUN -retozar BEHAVE -cachear BEHAVE -caw MAKE-A-SOUND -lay_off FINISH_CONCLUDE_END DISMISS_FIRE-SMN -quit RESIGN_RETIRE FINISH_CONCLUDE_END GIVE-UP_ABOLISH_ABANDON LEAVE_DEPART_RUN-AWAY -acabar CAUSE-MENTAL-STATE FINISH_CONCLUDE_END CONSUME_SPEND KILL EMBELLISH ADJUST_CORRECT RESULT_CONSEQUENCE -descatalogar FINISH_CONCLUDE_END -cease FINISH_CONCLUDE_END -cesar FINISH_CONCLUDE_END -end FINISH_CONCLUDE_END -concluir DECIDE_DETERMINE CLOSE FINISH_CONCLUDE_END DECREE_DECLARE SETTLE_CONCILIATE -finalizar RESULT_CONSEQUENCE FINISH_CONCLUDE_END -cesser FINISH_CONCLUDE_END -finish RESULT_CONSEQUENCE FINISH_CONCLUDE_END EAT_BITE EMBELLISH -terminer FINISH_CONCLUDE_END -finir FINISH_CONCLUDE_END -cede GIVE_GIFT GIVE-UP_ABOLISH_ABANDON -concede GUARANTEE_ENSURE_PROMISE GIVE-UP_ABOLISH_ABANDON RECOGNIZE_ADMIT_IDENTIFY -librar HELP_HEAL_CARE_CURE FACE_CHALLENGE CARRY_TRANSPORT CANCEL_ELIMINATE HIT GIVE_GIFT -surrender GIVE_GIFT GIVE-UP_ABOLISH_ABANDON -oficiar BEHAVE EMCEE WORK -keep BEHAVE WATCH_LOOK-OUT HELP_HEAL_CARE_CURE RESTRAIN CONTINUE PRECLUDE_FORBID_EXPEL PROTECT RETAIN_KEEP_SAVE-MONEY RECORD REMAIN MATCH HOST_MEAL_INVITE HARMONIZE PRESERVE -celebrar BEHAVE CELEBRATE_PARTY HOST_MEAL_INVITE APPROVE_PRAISE -célébrer BEHAVE CELEBRATE_PARTY -celebrate BEHAVE CELEBRATE_PARTY APPROVE_PRAISE -festejar BEHAVE CELEBRATE_PARTY COURT HOST_MEAL_INVITE -lionise APPROVE_PRAISE -lionize APPROVE_PRAISE -agasajar CELEBRATE_PARTY NOURISH_FEED ENJOY -fete CELEBRATE_PARTY -cell_phone COMMUNICATE_CONTACT -cementar ATTACH -cement PUT_APPLY_PLACE_PAVE ATTACH STRENGTHEN_MAKE-RESISTANT -cimentar PUT_APPLY_PLACE_PAVE STRENGTHEN_MAKE-RESISTANT -thurify ODORIZE -incense ODORIZE CAUSE-MENTAL-STATE -incensar ODORIZE -cense ODORIZE -censure CRITICIZE -census COUNT -censar COUNT RECORD REQUIRE_NEED_WANT_HOPE -focus_on FOCUS -center_on EXIST-WITH-FEATURE FOCUS -centrar ADJUST_CORRECT PUT_APPLY_PLACE_PAVE FOCUS -revolve_about FOCUS -concentrate_on FOCUS -center MOVE-SOMETHING FOCUS -revolve_around TRAVEL FOCUS -centre MOVE-SOMETHING FOCUS -rivet SECURE_FASTEN_TIE FOCUS -enfocarse FOCUS -focus ADJUST_CORRECT MOVE-SOMETHING FOCUS -pore FOCUS -centrarse EXIST-WITH-FEATURE -center_punch HOLE_PIERCE -centralizar AMASS -centralize AMASS -centralise AMASS -centrifuge MOVE-SOMETHING -centrifugate MOVE-SOMETHING -centrifugar DRY MOVE-SOMETHING -cere ENCLOSE_WRAP -réfléchir THINK -cerebrate THINK -meditar LEARN THINK -cogitate THINK -discurrir THINK -reflexionar THINK -certificate AUTHORIZE_ADMIT DECREE_DECLARE -licence AUTHORIZE_ADMIT -license AUTHORIZE_ADMIT -declarar_demente DECREE_DECLARE -cha-cha DANCE -bailar_chachachá DANCE -excoriate CORRODE_WEAR-AWAY_SCRATCH AFFIRM -fret LOAD_PROVIDE_CHARGE_FURNISH CAUSE-MENTAL-STATE HURT_HARM_ACHE CORRODE_WEAR-AWAY_SCRATCH PRESS_PUSH_FOLD CAVE_CARVE TOUCH EMBELLISH -gall CAUSE-MENTAL-STATE HURT_HARM_ACHE -rub TOUCH -fray TOUCH CORRODE_WEAR-AWAY_SCRATCH -escoriar TOUCH -confab SPEAK DISCUSS -confabularse SPEAK ALLY_ASSOCIATE_MARRY ORGANIZE -platicar SPEAK -gossip REVEAL SPEAK -converser SPEAK -discuter_le_coup SPEAK -parlotter SPEAK -claver SPEAK -parloter SPEAK -papoter SPEAK -chit-chat SPEAK -shoot_the_breeze SPEAK -chat SPEAK -chaffer SPEAK QUARREL_POLEMICIZE -chew_the_fat SPEAK -confabulate SPEAK IMAGINE DISCUSS -parlar SPEAK -faire_la_causette SPEAK -deviser SPEAK -bavarder SPEAK -chitchat SPEAK -chatear SPEAK -natter SPEAK -chismear REVEAL SPEAK -higgle QUARREL_POLEMICIZE -huckster QUARREL_POLEMICIZE SELL -cambalachear REPLACE QUARREL_POLEMICIZE -haggle QUARREL_POLEMICIZE -chain SECURE_FASTEN_TIE JOIN_CONNECT -chain-smoke BREATH_BLOW -fumar_sin_parar BREATH_BLOW -chain_up STOP -presidir LEAD_GOVERN MANAGE -chairman LEAD_GOVERN -presidente LEAD_GOVERN -gobernar LEAD_GOVERN DECREE_DECLARE RESTRAIN -chair LEAD_GOVERN -lead OVERCOME_SURPASS ENTER MOVE-SOMETHING IMPLY LEAD_GOVERN INCITE_INDUCE RESULT_CONSEQUENCE PRECEDE EXTEND -moderate LEAD_GOVERN REDUCE_DIMINISH -moderar LEAD_GOVERN REDUCE_DIMINISH -chalk WRITE -hacer_con_tiza WRITE -trazar_provisoriamente SUMMARIZE -chalk_out SUMMARIZE -chalk_up AMASS RECORD -run_up SEW RAISE AMASS SECURE_FASTEN_TIE -remporter AMASS RECORD -adeudar PAY AMASS -take_exception CRITICIZE -challenge COMPETE ASK_REQUEST FACE_CHALLENGE CRITICIZE -cuestionado ASK_REQUEST -interrogado ASK_REQUEST -dar_el_alto ASK_REQUEST -impugnar FACE_CHALLENGE CRITICIZE -gainsay FACE_CHALLENGE -chamber PUT_APPLY_PLACE_PAVE -estriar PRESS_PUSH_FOLD CAVE_CARVE -furrow EXTRACT PRESS_PUSH_FOLD CAVE_CARVE -chase COURT CHASE CAVE_CARVE -chaflanar CAVE_CARVE -mâchonner EAT_BITE -chomp EAT_BITE -champ EAT_BITE -mascar EAT_BITE -masticar_ruidosamente EAT_BITE -mordisquear EAT_BITE -defend RESIST FIGHT PROTECT ARGUE-IN-DEFENSE SPEAK -champion FIGHT -acaudillar FIGHT -chandelle RAISE -exchange REPLACE CONVERT CHANGE_SWITCH -intercambiar REPLACE CHANGE-HANDS CONVERT -commute REPLACE MESS CONVERT GO-FORWARD -permutar REPLACE CONVERT -convert SCORE PERSUADE FOLLOW_SUPPORT_SPONSOR_FUND CONVERT CHANGE-APPEARANCE/STATE -remplazar REPLACE CONVERT -canjear REPLACE CONVERT -reemplazar REPLACE CONVERT ASSIGN-smt-to-smn -transfer TRANSMIT MOVE-SOMETHING CONVERT CHANGE_SWITCH ASSIGN-smt-to-smn GIVE_GIFT -hacer_transbordo CHANGE_SWITCH -cambiarse DRESS_WEAR UNDERGO-EXPERIENCE -sufrir_un_cambio UNDERGO-EXPERIENCE -deepen CHANGE-APPEARANCE/STATE INCREASE_ENLARGE_MULTIPLY -se_changer DRESS_WEAR -transferir TRANSMIT MOVE-ONESELF MOVE-SOMETHING CHANGE-HANDS CONVERT SEND CHANGE_SWITCH ASSIGN-smt-to-smn GIVE_GIFT -revertir INVERT_REVERSE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -change_by_reversal INVERT_REVERSE -trastocar INVERT_REVERSE -restaurer INVERT_REVERSE -gybe TURN_CHANGE-DIRECTION -change_course TURN_CHANGE-DIRECTION -change_shape SHAPE -change_form SHAPE -cambiar_de_forma SEPARATE_FILTER_DETACH SHAPE -change_owners CHANGE-HANDS -change_hands CHANGE-HANDS -change_integrity CHANGE-APPEARANCE/STATE -cambiar_físicamente CHANGE-APPEARANCE/STATE -cambiar_integralmente CHANGE-APPEARANCE/STATE -cambiar_la_intensidad CHANGE_SWITCH -change_intensity CHANGE_SWITCH -change_magnitude CHANGE-APPEARANCE/STATE -cambiar_de_magnitud CHANGE-APPEARANCE/STATE -passer AUTHORIZE_ADMIT SPEND-TIME_PASS-TIME GIVE_GIFT CONVERT -change_over CHANGE-HANDS CONVERT -effectuer_une_conversion_de_type CONVERT -relevar CHANGE-HANDS EXEMPT -change_posture CHANGE-APPEARANCE/STATE -cambiar_de_postura CHANGE-APPEARANCE/STATE -change_state CHANGE_SWITCH -alterar_una_superficie CHANGE-APPEARANCE/STATE -change_surface CHANGE-APPEARANCE/STATE -cambiar_de_gusto CHANGE-TASTE -change_taste CHANGE-TASTE -channelize TRANSMIT MOUNT_ASSEMBLE_PRODUCE DIRECT_AIM_MANEUVER -channelise TRANSMIT MOUNT_ASSEMBLE_PRODUCE DIRECT_AIM_MANEUVER -transférer TRANSMIT -hacer_zaping CHANGE_SWITCH -channel-surf CHANGE_SWITCH -zapear CHANGE_SWITCH -manœuvrer BEHAVE DIRECT_AIM_MANEUVER -maneuver BEHAVE DIRECT_AIM_MANEUVER -head REMOVE_TAKE-AWAY_KIDNAP BEGIN GROW_PLOW COVER_SPREAD_SURMOUNT LEAD_GOVERN DIRECT_AIM_MANEUVER PRECEDE GO-FORWARD -maniobrar BEHAVE DIRECT_AIM_MANEUVER -steer TURN_CHANGE-DIRECTION PERSUADE DIRECT_AIM_MANEUVER -manoeuver BEHAVE DIRECT_AIM_MANEUVER -manoeuvre BEHAVE DIRECT_AIM_MANEUVER -guide ORIENT MOVE-SOMETHING PERSUADE DIRECT_AIM_MANEUVER -encaminar PERSUADE MOVE-SOMETHING SEND LEAD_GOVERN DIRECT_AIM_MANEUVER ORGANIZE -tone COLOR HELP_HEAL_CARE_CURE SING CHANGE_SWITCH -agrietar BREAK_DETERIORATE HURT_HARM_ACHE -chap HURT_HARM_ACHE -resquebrajarse HURT_HARM_ACHE EMBELLISH -ir_de_carabina ACCOMPANY -chaperone ACCOMPANY -chaperon ACCOMPANY -achicharrarse BURN HURT_HARM_ACHE -requemarse BURN -coal LOAD_PROVIDE_CHARGE_FURNISH BURN -character CAVE_CARVE -characterize REPRESENT DISTINGUISH_DIFFER -caractériser DISTINGUISH_DIFFER -characterise REPRESENT DISTINGUISH_DIFFER -qualify EXIST-WITH-FEATURE SUBJECTIVE-JUDGING REPRESENT PREPARE EXPLAIN OBLIGE_FORCE ADD -dibujar_al_carbón WRITE -hacer_a_carbón WRITE -charcoal WRITE -hacer_a_carboncillo WRITE -carbón_de_leña WRITE -level SPEAK FLATTEN_SMOOTHEN DIRECT_AIM_MANEUVER -pointer HOLE_PIERCE DIRECT_AIM_MANEUVER -internar AUTHORIZE_ADMIT CAGE_IMPRISON -institucionalizar AUTHORIZE_ADMIT -institutionalise AUTHORIZE_ADMIT -enviar CARRY_TRANSPORT SEND AUTHORIZE_ADMIT COMMUNICATE_CONTACT DIRECT_AIM_MANEUVER -institutionalize AUTHORIZE_ADMIT -commit LEND AUTHORIZE_ADMIT FOCUS CARRY-OUT-ACTION GIVE_GIFT VIOLATE -charger LOAD_PROVIDE_CHARGE_FURNISH BEHAVE REMOVE_TAKE-AWAY_KIDNAP TRANSMIT FILL ASSIGN-smt-to-smn -consignar FOLLOW_SUPPORT_SPONSOR_FUND GIVE_GIFT PROPOSE -consign FOLLOW_SUPPORT_SPONSOR_FUND GIVE_GIFT SEND -mandar MANAGE CARRY_TRANSPORT SEND LEAD_GOVERN ORDER DIRECT_AIM_MANEUVER -file REQUIRE_NEED_WANT_HOPE ACCUSE RETAIN_KEEP_SAVE-MONEY EMBELLISH GO-FORWARD -empapelar ACCUSE ENCLOSE_WRAP COVER_SPREAD_SURMOUNT -chariot MOVE-BY-MEANS-OF CARRY_TRANSPORT -llevar_en_carroza CARRY_TRANSPORT -charleston DANCE -bailar_charleston DANCE -chart PLAN_SCHEDULE REPRESENT -graph PAINT REPRESENT -tabular SORT_CLASSIFY_ARRANGE REPRESENT -graficar REPRESENT -représenter_sous_forme_graphique REPRESENT -trazar_el_mapa REPRESENT -trazar_un_mapa REPRESENT -rent LEND TAKE-A-SERVICE_RENT -hire HIRE TAKE-A-SERVICE_RENT -contratar ASSIGN-smt-to-smn HIRE ALLY_ASSOCIATE_MARRY TAKE-A-SERVICE_RENT -charter GIVE_GIFT TAKE-A-SERVICE_RENT -lease LEND TAKE-A-SERVICE_RENT -alquilar LEND TAKE-A-SERVICE_RENT -arrendar LEND TAKE-A-SERVICE_RENT -estatuir GIVE_GIFT -affermer TAKE-A-SERVICE_RENT -amodier TAKE-A-SERVICE_RENT -louer TAKE-A-SERVICE_RENT -affréter TAKE-A-SERVICE_RENT -noliser TAKE-A-SERVICE_RENT -chase_after COURT CHASE -cortejar FLATTER COURT -go_after SEARCH CHASE -tag LOAD_PROVIDE_CHARGE_FURNISH NAME CHASE ATTACH TOUCH -give_chase CHASE -track CARRY_TRANSPORT REACH CHASE SEE PAINT -rastrear SEARCH HUNT CHASE SEE -chasser CHASE DRIVE-BACK -trail EXIST-WITH-FEATURE CHASE TRAVEL PULL -dog CHASE -drive_away DRIVE-BACK -dissiper DRIVE-BACK -desvanecer DRIVE-BACK CLOUD_SHADOW_HIDE -drive_off DRIVE-BACK -drive_out EXCRETE DRIVE-BACK -chase_away DRIVE-BACK -ahuyentar DRIVE-BACK -chasse PERFORM -sashay TRAVEL PERFORM MOVE-ONESELF -subdue PRECLUDE_FORBID_EXPEL REPRIMAND RETAIN_KEEP_SAVE-MONEY SUBJUGATE OVERCOME_SURPASS -tame REDUCE_DIMINISH HARMONIZE REPRIMAND TEACH -atemperar REDUCE_DIMINISH WEAKEN -temperar CHANGE-APPEARANCE/STATE REDUCE_DIMINISH -click MAKE-A-SOUND PRONOUNCE UNDERSTAND HIT -chasquear MAKE-A-SOUND CLOSE MOVE-SOMETHING CATCH DECEIVE HIT BREAK_DETERIORATE -castañetear MAKE-A-SOUND -chauffeur CARRY_TRANSPORT -drive_around CARRY_TRANSPORT TRAVEL -chaw EAT_BITE -cheapen DEBASE_ADULTERATE -degrade DOWNPLAY_HUMILIATE DEBASE_ADULTERATE CAVE_CARVE -abaratar REDUCE_DIMINISH DEBASE_ADULTERATE -chisel CAVE_CARVE DECEIVE STEAL_DEPRIVE -rip_off STEAL_DEPRIVE -descuerar STEAL_DEPRIVE -hacer_trampa DECEIVE FAKE -jockey COMPETE DECEIVE WORK -los_chichos DECEIVE -atornillar HOLE_PIERCE DECEIVE -chouse DECEIVE -shaft DECEIVE STABILIZE_SUPPORT-PHYSICALLY -check_out REMOVE_TAKE-AWAY_KIDNAP ANALYZE RECORD LEARN SPEAK VERIFY -refrenarse ABSTAIN_AVOID_REFRAIN REFUSE -contenerse REFUSE -delay DELAY STOP -retard DELAY SLOW-DOWN -amaestrar TEACH -condition EMBELLISH REPAIR_REMEDY TEACH OBLIGE_FORCE -dresser TEACH -discipline TEACH PUNISH -adiestrar TEACH PREPARE -check_over VERIFY -revisar SUBJECTIVE-JUDGING AMELIORATE ANALYZE ADJUST_CORRECT VERIFY SIGNAL_INDICATE -check_into VERIFY -look_into SEARCH VERIFY -go_over FALL_SLIDE-DOWN VERIFY HAPPEN_OCCUR -check_up_on VERIFY -suss_out VERIFY -escribir_un_cheque WRITE -dar_jaque DEFEAT -mark_off PRECLUDE_FORBID_EXPEL SIGNAL_INDICATE -tick_off SIGNAL_INDICATE -check_off SIGNAL_INDICATE -hold_in ENCLOSE_WRAP REDUCE_DIMINISH CLOUD_SHADOW_HIDE -cohibir REDUCE_DIMINISH -curb PRECLUDE_FORBID_EXPEL REDUCE_DIMINISH RESTRAIN -facturar GIVE_GIFT VERIFY SEND -chink BREAK_DETERIORATE MAKE-A-SOUND FILL -checker PAINT EMBELLISH -vérificateur PAINT EMBELLISH -chequer PAINT EMBELLISH -dar_a_guardar GIVE_GIFT -pararse_de_repente STOP -sign_in VERIFY -darse_de_alta VERIFY -s'enregistrer VERIFY -check_in VERIFY -registrarse VERIFY RECORD -run_down FALL_SLIDE-DOWN EXHAUST CONSUME_SPEND HURT_HARM_ACHE CHASE ANALYZE -correr_detrás ANALYZE -estar_tras ANALYZE -feel_out LEARN -cheque REMOVE_TAKE-AWAY_KIDNAP -dar_mate_a DEFEAT -checkmate DEFEAT -mate HAVE-SEX JOIN_CONNECT DEFEAT -checkrow BURY_PLANT -insolentarse SPEAK -cheek SPEAK -peep SHOW MAKE-A-SOUND APPEAR SPEAK SEE -piar MAKE-A-SOUND SING -gorjear MAKE-A-SOUND SING -grillar MAKE-A-SOUND -trinar MAKE-A-SOUND SING -piauler MAKE-A-SOUND -chirrup MAKE-A-SOUND -cheep MAKE-A-SOUND -chirp MAKE-A-SOUND SING -chirk_up CAUSE-MENTAL-STATE -cheer_up CAUSE-MENTAL-STATE -acclamer APPROVE_PRAISE -envalentonar INCITE_INDUCE -alentar FOLLOW_SUPPORT_SPONSOR_FUND INCITE_INDUCE MAKE-RELAX -recrear CREATE_MATERIALIZE INCITE_INDUCE IMAGINE COPY -embolden INCITE_INDUCE -hearten INCITE_INDUCE -jolly_up CAUSE-MENTAL-STATE -jolly_along CAUSE-MENTAL-STATE -cheerlead WORK -cheese ROLL FINISH_CONCLUDE_END -fromager ROLL FINISH_CONCLUDE_END -chelate CONVERT -chemisorb ABSORB -masticate EAT_BITE -manducate EAT_BITE -masticar EAT_BITE -moderse_las_uñas EAT_BITE -chew EAT_BITE -mull HEAT THINK -chauffer_et_épicer HEAT THINK -especular GUESS BENEFIT_EXPLOIT BELIEVE THINK -rumiar EAT_BITE THINK -think_over THINK -preguntarse THINK -cavilar THINK -speculate BENEFIT_EXPLOIT BELIEVE THINK -muse THINK -reflect SHOW REFLECT THINK -mull_over THINK -meditate THINK -contemplate TAKE-INTO-ACCOUNT_CONSIDER THINK -chew_over THINK -méditer THINK -ponder THINK -ponderar BURDEN_BEAR MEASURE_EVALUATE THINK -peser EXIST-WITH-FEATURE TAKE-INTO-ACCOUNT_CONSIDER BURDEN_BEAR MEASURE_EVALUATE THINK PRESS_PUSH_FOLD -excogitate CREATE_MATERIALIZE THINK -ruminate EAT_BITE THINK -chicken-fight FIGHT -chickenfight FIGHT -childproof STRENGTHEN_MAKE-RESISTANT -child-proof STRENGTHEN_MAKE-RESISTANT -enfriar CAUSE-MENTAL-STATE WEAKEN COOL -chill CAUSE-MENTAL-STATE COOL -helar EXIST-WITH-FEATURE CAUSE-MENTAL-STATE COOL CHANGE-APPEARANCE/STATE PRESERVE -congelarse EXIST-WITH-FEATURE COOL CHANGE-APPEARANCE/STATE DRIVE-BACK PRESERVE -enfriarse COOL -refrigerar PRESERVE COOL -cool WEAKEN COOL -refroidir COOL -cool_down WEAKEN COOL -refrescar WASH_CLEAN AROUSE_WAKE_ENLIVEN CHANGE_SWITCH COOL -repicar MAKE-A-SOUND -chime MAKE-A-SOUND -chin_up RAISE -chin RAISE -chine CUT -clink MAKE-A-SOUND -tintinear MAKE-A-SOUND -tink MAKE-A-SOUND -tinkle MAKE-A-SOUND -nick HAVE-SEX CUT DIVIDE -mellar BREAK_DETERIORATE CUT SHARPEN RECORD -muescar CUT -chip_away REDUCE_DIMINISH -chip_away_at REDUCE_DIMINISH -chip_in GIVE_GIFT -donar LOAD_PROVIDE_CHARGE_FURNISH GIVE_GIFT -kick_in OPEN GIVE_GIFT BEGIN -chirriar MAKE-A-SOUND SHOUT -rechinar TOUCH MAKE-A-SOUND -chirk MAKE-A-SOUND -chiromance GUESS -leer_la_mano GUESS -tweedle LURE_ENTICE PERFORM SING -chirr MAKE-A-SOUND -twitter MAKE-A-SOUND -chitter MAKE-A-SOUND -clorar TREAT-WITH/BY WASH_CLEAN -clorinar TREAT-WITH/BY WASH_CLEAN -chlorinate TREAT-WITH/BY WASH_CLEAN -cloroformizar SLEEP -chloroform SLEEP -calzar HOLE_PIERCE DRESS_WEAR STOP STABILIZE_SUPPORT-PHYSICALLY -chock STOP STABILIZE_SUPPORT-PHYSICALLY -ram BREAK_DETERIORATE OBLIGE_FORCE FILL HIT -apretar TIGHTEN CATCH FILL PRESS_PUSH_FOLD OBLIGE_FORCE -embutir PRESS_PUSH_FOLD SECURE_FASTEN_TIE FILL EMBELLISH -jampack FILL -apiñar GROUP AMASS FILL -abarrotar AMASS FILL -apretujar FILL -chock_up FILL -corear SPEAK SING -cantar_en_coro SING -chorus SPEAK SING -choir SING -strangle STOP HURT_HARM_ACHE CLOUD_SHADOW_HIDE KILL -gag STOP HURT_HARM_ACHE TRY JOKE PRESS_PUSH_FOLD -ahogar HURT_HARM_ACHE CANCEL_ELIMINATE KILL WEAKEN CLOUD_SHADOW_HIDE -scrag HURT_HARM_ACHE KILL -tordre_le_cou_à HURT_HARM_ACHE KILL -torcer_el_pescuezo HURT_HARM_ACHE KILL -choke_back RETAIN_KEEP_SAVE-MONEY -choke_down RETAIN_KEEP_SAVE-MONEY -chondrify CONVERT -seleccionar CHOOSE -opt CHOOSE -triar CHOOSE -optar CHOOSE -choose CHOOSE -decantar SPILL_POUR CHOOSE LIKE -prefer CHOOSE LIKE -opter CHOOSE -select CHOOSE -choisir CHOOSE -pick_out CHOOSE PERCEIVE -choose_up CHOOSE -chop CUT MOVE-ONESELF SHAPE HIT -tajar CUT REDUCE_DIMINISH HIT -chop_up CUT -trocear BREAK_DETERIORATE CUT -cortar_en_trozos CUT -émincer CUT -hack CUT MANAGE HIT REPAIR_REMEDY BREATH_BLOW REDUCE_DIMINISH -chop_down CUT -talar CUT KNOCK-DOWN -lop_off REMOVE_TAKE-AWAY_KIDNAP -chop_off REMOVE_TAKE-AWAY_KIDNAP -tronchar REMOVE_TAKE-AWAY_KIDNAP -corde PERFORM HARMONIZE -chord PERFORM HARMONIZE -congeniar BEFRIEND HARMONIZE COMBINE_MIX_UNITE -choreograph PLAN_SCHEDULE CREATE_MATERIALIZE -coreografiar CREATE_MATERIALIZE -chortle LAUGH -laugh_softly LAUGH -chuckle LAUGH -reírse_ahogadamente LAUGH -reírse_bajito LAUGH -reírse_entre_dientes LAUGH -cristianizar CHANGE-APPEARANCE/STATE -christianize CHANGE-APPEARANCE/STATE -evangelizar CHANGE-APPEARANCE/STATE TEACH -évangéliser CHANGE-APPEARANCE/STATE TEACH -christianiser CHANGE-APPEARANCE/STATE -christianise CHANGE-APPEARANCE/STATE -chrome COVER_SPREAD_SURMOUNT TREAT-WITH/BY -cromar COVER_SPREAD_SURMOUNT TREAT-WITH/BY -placa_cromada COVER_SPREAD_SURMOUNT -cromado COVER_SPREAD_SURMOUNT -chromium-plate COVER_SPREAD_SURMOUNT -chronicle RECORD -chronologize SORT_CLASSIFY_ARRANGE -chronologise SORT_CLASSIFY_ARRANGE -ditch REMOVE_TAKE-AWAY_KIDNAP GIVE-UP_ABOLISH_ABANDON HIT LAND_GET-OFF CAVE_CARVE DISCARD -zafarse DISCARD -pat TOUCH -palmotear TOUCH PERFORM HIT -chuck_up_the_sponge GIVE-UP_ABOLISH_ABANDON -drop_out RESIGN_RETIRE GIVE-UP_ABOLISH_ABANDON -drop_by_the_wayside GIVE-UP_ABOLISH_ABANDON -throw_in_the_towel GIVE-UP_ABOLISH_ABANDON -fall_by_the_wayside GIVE-UP_ABOLISH_ABANDON -arrojar_la_toalla GIVE-UP_ABOLISH_ABANDON -throw_in ADD INSERT GIVE-UP_ABOLISH_ABANDON -tirar_la_toalla GIVE-UP_ABOLISH_ABANDON -chuff BREATH_BLOW -huff BREATH_BLOW -chug MAKE-A-SOUND -chum_up BEFRIEND -pal BEFRIEND -pal_up BEFRIEND -lump GROUP SORT_CLASSIFY_ARRANGE -chunk GROUP SORT_CLASSIFY_ARRANGE -collocate BORDER SORT_CLASSIFY_ARRANGE -être_cooccurrents BORDER SORT_CLASSIFY_ARRANGE -church COMMUNE -churn_out CREATE_MATERIALIZE CARRY-OUT-ACTION -sicken CAUSE-MENTAL-STATE HURT_HARM_ACHE CONTRACT-AN-ILLNESS_INFECT -nauseate CAUSE-MENTAL-STATE -disgust DISLIKE CAUSE-MENTAL-STATE -revolt DISLIKE CAUSE-MENTAL-STATE OPPOSE_REBEL_DISSENT -écœurer CAUSE-MENTAL-STATE -churn_up CAUSE-MENTAL-STATE -asquear DISLIKE CAUSE-MENTAL-STATE -repugnar DISLIKE CAUSE-MENTAL-STATE REFUSE -churr MAKE-A-SOUND -chute FALL_SLIDE-DOWN -parachute FALL_SLIDE-DOWN -cicatrize HELP_HEAL_CARE_CURE -cicatrise HELP_HEAL_CARE_CURE -cicatrizar HELP_HEAL_CARE_CURE -cinch VERIFY SECURE_FASTEN_TIE LEARN -girth SECURE_FASTEN_TIE -cinchar SECURE_FASTEN_TIE -cinematize INTERPRET -cinematise INTERPRET -write_in_code CONVERT -code CONVERT SIGNAL_INDICATE -encoder CONVERT -coder CONVERT -encriptar CONVERT -encipher CONVERT -cifrar CONVERT -encrypt CONVERT -circular BEFRIEND MOVE-ONESELF TRAVEL ENCLOSE_WRAP CIRCULATE_SPREAD_DISTRIBUTE -circle TRAVEL ENCLOSE_WRAP MOVE-ONESELF -encircle ENCLOSE_WRAP SECURE_FASTEN_TIE -moverse_en_círculo TRAVEL -circle_around TRAVEL -circle_round TRAVEL -dar_una_vuelta TRAVEL -circunvalar MISS_OMIT_LACK TRAVEL -circuit TRAVEL -répartir GIVE_GIFT -propagarse TRANSMIT COVER_SPREAD_SURMOUNT GIVE-BIRTH FLY ORGANIZE CIRCULATE_SPREAD_DISTRIBUTE -difundirse COVER_SPREAD_SURMOUNT AFFECT CIRCULATE_SPREAD_DISTRIBUTE -caminar_alrededor TRAVEL -walk_around BEHAVE MOVE-ONESELF TRAVEL -dar_la_vuelta TRAVEL MOVE-SOMETHING -circumambulate TRAVEL -se_promener BEHAVE MOVE-ONESELF TRAVEL -circuncidar CUT -circumcidar CUT -circumcise CUT -circumfuse COVER_SPREAD_SURMOUNT -circunnavegar TRAVEL -circumnavigate TRAVEL -circunscribir PAINT REDUCE_DIMINISH -circumscribe PAINT REDUCE_DIMINISH -circumstantiate PROVE -circunstanciar PROVE -circumvallate PROTECT -amurallar ENCLOSE_WRAP PROTECT -sidestep ABSTAIN_AVOID_REFRAIN -dodge ABSTAIN_AVOID_REFRAIN TRAVEL -hedge ABSTAIN_AVOID_REFRAIN ENCLOSE_WRAP STOP REDUCE_DIMINISH -duck ABSTAIN_AVOID_REFRAIN LOWER DIP_DIVE -fudge ABSTAIN_AVOID_REFRAIN FAKE -put_off ABSTAIN_AVOID_REFRAIN CAUSE-MENTAL-STATE DELAY -contourner ABSTAIN_AVOID_REFRAIN -circumvolute ROLL -circumvolve TURN_CHANGE-DIRECTION -rotate TURN_CHANGE-DIRECTION ALTERNATE TRAVEL GROW_PLOW -hacer_rotar TURN_CHANGE-DIRECTION -quote CITE WRITE SPEAK -citer CITE SPEAK -summon SUMMON AMASS PREPARE -emplazar SUMMON PREPARE FIND -summons SUMMON -hacer_referencia CITE -reference CITE -metropolizar CHANGE_SWITCH -citify CHANGE_SWITCH -citrate MOUNT_ASSEMBLE_PRODUCE -civilizar AMELIORATE -desenvolupar CREATE_MATERIALIZE AMELIORATE -civilise AMELIORATE -modernizar AMELIORATE RENEW -civilize AMELIORATE -school AMELIORATE AMASS TEACH -educate AMELIORATE TEACH -cultivate GROW_PLOW HARMONIZE AMELIORATE INCREASE_ENLARGE_MULTIPLY -curdle CHANGE-APPEARANCE/STATE SPOIL -clabber CHANGE-APPEARANCE/STATE -cuajar CHANGE-APPEARANCE/STATE AMASS -clot CHANGE-APPEARANCE/STATE AMASS -cluck MAKE-A-SOUND -postular SUPPOSE PROPOSE AFFIRM -exact RESULT_CONSEQUENCE ASK_REQUEST -cobrarse RESULT_CONSEQUENCE PUNISH -clam GROUP -despellejar REMOVE_TAKE-AWAY_KIDNAP RAISE HURT_HARM_ACHE -shinny RAISE -trepar_a_gatas RAISE -struggle FIGHT RAISE TRY -arrastrarse RAISE TRAVEL -shin RAISE -sputter REMOVE_TAKE-AWAY_KIDNAP MAKE-A-SOUND SPEAK EXCRETE RAISE -chisporrotear MAKE-A-SOUND RAISE -trepar RAISE COVER_SPREAD_SURMOUNT GO-FORWARD -clamber RAISE -clamor SPEAK ASK_REQUEST OBLIGE_FORCE -tapage SPEAK ASK_REQUEST -clamour SPEAK ASK_REQUEST -clamp SECURE_FASTEN_TIE OBLIGE_FORCE -clamp_down PRECLUDE_FORBID_EXPEL -crack_down PRECLUDE_FORBID_EXPEL -clangor MAKE-A-SOUND -clang MAKE-A-SOUND -sonar_a_metal MAKE-A-SOUND -clangour MAKE-A-SOUND -clank MAKE-A-SOUND -palmear HIT -slap_on PUT_APPLY_PLACE_PAVE -slam_on PUT_APPLY_PLACE_PAVE -clap_on PUT_APPLY_PLACE_PAVE -slap_together CARRY-OUT-ACTION -clap_together CARRY-OUT-ACTION -clap_up CARRY-OUT-ACTION -clapboard COVER_SPREAD_SURMOUNT -clavar_las_uñas CORRODE_WEAR-AWAY_SCRATCH -claret DRINK -dilucidar EXPLAIN CONVERT -clarify EXPLAIN CONVERT -elucidar EXPLAIN -clarifier EXPLAIN -élucider EXPLAIN -elucidate EXPLAIN -clamorear SPEAK -clarion PERFORM SPEAK -tocar_el_clarín PERFORM -clash DISTINGUISH_DIFFER QUARREL_POLEMICIZE HIT -collide DISTINGUISH_DIFFER HIT -asir CATCH TAKE -estrechar CATCH REDUCE_DIMINISH PRESS_PUSH_FOLD -classicise CHANGE-APPEARANCE/STATE -classicize CHANGE-APPEARANCE/STATE -arañar CORRODE_WEAR-AWAY_SCRATCH RETAIN_KEEP_SAVE-MONEY GO-FORWARD -claw CATCH CRITICIZE CORRODE_WEAR-AWAY_SCRATCH GO-FORWARD -garrar GO-FORWARD -dar_un_bocinazo MAKE-A-SOUND -clean EXIST-WITH-FEATURE REMOVE_TAKE-AWAY_KIDNAP EMPTY_UNLOAD WASH_CLEAN STEAL_DEPRIVE -limpiar REMOVE_TAKE-AWAY_KIDNAP CORRODE_WEAR-AWAY_SCRATCH EMPTY_UNLOAD SORT_CLASSIFY_ARRANGE WASH_CLEAN -nettoyer WASH_CLEAN -purifier CHANGE-APPEARANCE/STATE WASH_CLEAN -make_clean WASH_CLEAN -hacer_el_aseo WASH_CLEAN -houseclean WASH_CLEAN -asear_la_casa WASH_CLEAN -clean_house WASH_CLEAN -limpiar_la_corrupción WASH_CLEAN -lavarse EXIST-WITH-FEATURE WASH_CLEAN -limpiarse EXIST-WITH-FEATURE WASH_CLEAN -scavenge REMOVE_TAKE-AWAY_KIDNAP GROUP EAT_BITE WASH_CLEAN -purificar REMOVE_TAKE-AWAY_KIDNAP CHANGE-APPEARANCE/STATE EXTRACT WASH_CLEAN -descascarillar REMOVE_TAKE-AWAY_KIDNAP -cleanse REMOVE_TAKE-AWAY_KIDNAP WASH_CLEAN -asearse WASH_CLEAN -clean_out EMPTY_UNLOAD DISMISS_FIRE-SMN STEAL_DEPRIVE -clear_out EMPTY_UNLOAD EXCRETE LEAVE_DEPART_RUN-AWAY -clean_up MANAGE SORT_CLASSIFY_ARRANGE EARN WASH_CLEAN -tidy SORT_CLASSIFY_ARRANGE -asear SORT_CLASSIFY_ARRANGE EMBELLISH -neaten SORT_CLASSIFY_ARRANGE EMBELLISH -tidy_up SORT_CLASSIFY_ARRANGE -straighten_out AMELIORATE STRAIGHTEN SORT_CLASSIFY_ARRANGE EXPLAIN SETTLE_CONCILIATE -straighten STRAIGHTEN RAISE SORT_CLASSIFY_ARRANGE -square_away SORT_CLASSIFY_ARRANGE -régler ADJUST_CORRECT PAY -solve DECIDE_DETERMINE PAY -net CATCH GIVE_GIFT SEW EARN -rentar GIVE_GIFT -top CUT FINISH_CONCLUDE_END REACH COVER_SPREAD_SURMOUNT HIT OVERCOME_SURPASS -ganar_neto EARN -sack_up EARN -cristalizar EXPLAIN CHANGE-APPEARANCE/STATE SHAPE -shed_light_on EXPLAIN -crystallise EXPLAIN CHANGE-APPEARANCE/STATE SHAPE -crystalise EXPLAIN CHANGE-APPEARANCE/STATE SHAPE -crystalize EXPLAIN CHANGE-APPEARANCE/STATE SHAPE -crystallize EXPLAIN CHANGE-APPEARANCE/STATE SHAPE -illuminate EXPLAIN EMBELLISH LIGHTEN -enlighten EXPLAIN TEACH -unclutter REMOVE_TAKE-AWAY_KIDNAP -desobstruir REMOVE_TAKE-AWAY_KIDNAP -descongestionar REMOVE_TAKE-AWAY_KIDNAP -unánimente REMOVE_TAKE-AWAY_KIDNAP -claramente REMOVE_TAKE-AWAY_KIDNAP -clear-cut CUT -quitar_los_estorbos CLOUD_SHADOW_HIDE -clear_off CLOUD_SHADOW_HIDE -clear_away CLOUD_SHADOW_HIDE -expectorate EXCRETE -expectorar EXCRETE -clear_the_air SETTLE_CONCILIATE -hawk REMOVE_TAKE-AWAY_KIDNAP HUNT SELL -clear_the_throat REMOVE_TAKE-AWAY_KIDNAP -mop_up FINISH_CONCLUDE_END DEFEAT WASH_CLEAN -finish_up RESULT_CONSEQUENCE FINISH_CONCLUDE_END -wrap_up ROLL FINISH_CONCLUDE_END PROTECT ENCLOSE_WRAP -get_through FINISH_CONCLUDE_END CONTINUE SPEND-TIME_PASS-TIME COMMUNICATE_CONTACT UNDERSTAND -finish_off FINISH_CONCLUDE_END -cleat LOAD_PROVIDE_CHARGE_FURNISH SECURE_FASTEN_TIE -acuñar LOAD_PROVIDE_CHARGE_FURNISH CREATE_MATERIALIZE -surcar CUT GROW_PLOW TRAVEL CAVE_CARVE EXTRACT PRESS_PUSH_FOLD PAINT GO-FORWARD -hender BREAK_DETERIORATE CUT CAVE_CARVE -rive CUT -hendir CAVE_CARVE -clinch STOP CATCH SECURE_FASTEN_TIE FLATTEN_SMOOTHEN TOUCH SETTLE_CONCILIATE -clench CATCH PRESS_PUSH_FOLD -empuñar CATCH -crisper PRESS_PUSH_FOLD -clerk WORK -clue ROLL -clew ROLL -sink_in PERMEATE UNDERSTAND -dawn METEOROLOGICAL BEGIN UNDERSTAND -come_home UNDERSTAND -fall_into_place UNDERSTAND -haga_clic_en UNDERSTAND -get_across EXPLAIN REACH UNDERSTAND -flick REMOVE_TAKE-AWAY_KIDNAP MAKE-A-SOUND MOVE-ONESELF MOVE-SOMETHING LIGHT_SHINE THROW ANALYZE HIT -donner_un_petit_coup_à REMOVE_TAKE-AWAY_KIDNAP MAKE-A-SOUND MOVE-ONESELF MOVE-SOMETHING LIGHT_SHINE THROW ANALYZE HIT -click_off FINISH_CONCLUDE_END -click_open OPEN -climax FINISH_CONCLUDE_END -culminar ACHIEVE REACH FINISH_CONCLUDE_END -culminate ACHIEVE REACH FINISH_CONCLUDE_END COVER_SPREAD_SURMOUNT -climb PROMOTE MOVE-SOMETHING INCREASE_ENLARGE_MULTIPLY DIRECT_AIM_MANEUVER RAISE -escalar RAISE INCREASE_ENLARGE_MULTIPLY MOVE-SOMETHING AMELIORATE -wax CHANGE-APPEARANCE/STATE INCREASE_ENLARGE_MULTIPLY COVER_SPREAD_SURMOUNT -grimper DIRECT_AIM_MANEUVER -apapachar TOUCH -remachar SECURE_FASTEN_TIE FLATTEN_SMOOTHEN -asirse CATCH -cling_to CATCH -hold_tight CATCH -hold_close CATCH -agarrarse CATCH -clutch CATCH CAUSE-MENTAL-STATE -clinker REMOVE_TAKE-AWAY_KIDNAP CONVERT -limpiar_la_chimenea REMOVE_TAKE-AWAY_KIDNAP -snip CUT -podar CUT REDUCE_DIMINISH -lop CUT -clip REDUCE_DIMINISH CUT ATTACH RUN -prune REMOVE_TAKE-AWAY_KIDNAP CUT -tijeretear CUT -nip CUT EAT_BITE PRESS_PUSH_FOLD -snip_off CUT -nip_off CUT -jog AROUSE_WAKE_ENLIVEN MOVE-SOMETHING TRAVEL SPEAK FLATTEN_SMOOTHEN RUN -trotar MOVE-BY-MEANS-OF RUN -trot MOVE-BY-MEANS-OF RUN -diminuir REDUCE_DIMINISH -curtail REDUCE_DIMINISH RESTRAIN -clitter MAKE-A-SOUND -stridulate MAKE-A-SOUND -cloak DRESS_WEAR COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -robe DRESS_WEAR COVER_SPREAD_SURMOUNT -drape PUT_APPLY_PLACE_PAVE COVER_SPREAD_SURMOUNT EMBELLISH -time ADJUST_CORRECT MEASURE_EVALUATE PLAN_SCHEDULE -chronométrer MEASURE_EVALUATE -clock MEASURE_EVALUATE -cronometrar ADJUST_CORRECT MEASURE_EVALUATE -fichar RECORD -punch_in RECORD -clock_in RECORD -clock_on RECORD -clock_out RECORD -clock_off RECORD -punch_out RECORD -clock_up RECORD -log_up RECORD -bailar_con_zuecos DANCE -coagular CHANGE-APPEARANCE/STATE AMASS -overload BREAK_DETERIORATE STOP FILL -cloîtrer ENCLOSE_WRAP CAGE_IMPRISON ISOLATE -enclaustrar ENCLOSE_WRAP -recluir ENCLOSE_WRAP ISOLATE -cloister ENCLOSE_WRAP ISOLATE -enclaustrarse ISOLATE -andar_pesadamente MOVE-ONESELF -clomp MOVE-ONESELF -hollar LOAD_PROVIDE_CHARGE_FURNISH MOVE-ONESELF PRESS_PUSH_FOLD -clonar INCREASE_ENLARGE_MULTIPLY -clone INCREASE_ENLARGE_MULTIPLY -clop MAKE-A-SOUND -plunk PUT_APPLY_PLACE_PAVE MAKE-A-SOUND REDUCE_DIMINISH PULL -clunk MAKE-A-SOUND -close CLOSE FINISH_CONCLUDE_END PERFORM SWITCH-OFF_TURN-OFF_SHUT-DOWN GO-FORWARD FIGHT PRECLUDE_FORBID_EXPEL JOIN_CONNECT ENCLOSE_WRAP FILL GROUP SETTLE_CONCILIATE -close_down FINISH_CONCLUDE_END -fold COMBINE_MIX_UNITE FINISH_CONCLUDE_END RESTRAIN CREATE_MATERIALIZE PRESS_PUSH_FOLD -clausurar PERFORM FINISH_CONCLUDE_END CLOSE SWITCH-OFF_TURN-OFF_SHUT-DOWN -shut_down FINISH_CONCLUDE_END -conclude DECIDE_DETERMINE FINISH_CONCLUDE_END SETTLE_CONCILIATE -come_together ENCLOSE_WRAP -fermer CLOSE ISOLATE SWITCH-OFF_TURN-OFF_SHUT-DOWN JOIN_CONNECT -clore JOIN_CONNECT -refermer JOIN_CONNECT -rejoindre ALLY_ASSOCIATE_MARRY JOIN_CONNECT -shut CLOSE STOP -fill_up EAT_BITE FILL -acercarse_a GO-FORWARD -close_in ENCLOSE_WRAP GO-FORWARD -inclose ENCLOSE_WRAP INSERT -shut_in ENCLOSE_WRAP -enclose ENCLOSE_WRAP INSERT -isoler ISOLATE PROTECT -séparer ISOLATE SEPARATE_FILTER_DETACH -couper REMOVE_TAKE-AWAY_KIDNAP CUT ISOLATE TRAVEL -close_out FINISH_CONCLUDE_END PRECLUDE_FORBID_EXPEL -preclude PRECLUDE_FORBID_EXPEL -imposibilitar STOP PRECLUDE_FORBID_EXPEL -rule_out SUBJECTIVE-JUDGING REFUSE PRECLUDE_FORBID_EXPEL -recluirse ISOLATE -closet ISOLATE -closure FINISH_CONCLUDE_END -cloture FINISH_CONCLUDE_END -coagularse CHANGE-APPEARANCE/STATE -coagulate CHANGE-APPEARANCE/STATE -coaguler CHANGE-APPEARANCE/STATE -se_coaguler CHANGE-APPEARANCE/STATE -dapple COLOR -taint CONTRACT-AN-ILLNESS_INFECT DEBASE_ADULTERATE -overcast SEW CLOUD_SHADOW_HIDE -nube CLOUD_SHADOW_HIDE -anublar CLOUD_SHADOW_HIDE -cloud_up CLOUD_SHADOW_HIDE -cloud_over CLOUD_SHADOW_HIDE -taparse CLOSE CLOUD_SHADOW_HIDE -encapotarse CLOUD_SHADOW_HIDE -clout HIT -cruzar_el_rostro HIT -dar_un_tortazo HIT -cloy NOURISH_FEED SATISFY_FULFILL -surfeit NOURISH_FEED ENJOY -empalagar NOURISH_FEED SATISFY_FULFILL -surabondance NOURISH_FEED ENJOY -clue_in HELP_HEAL_CARE_CURE -dar_una_pista HELP_HEAL_CARE_CURE -dar_pistas HELP_HEAL_CARE_CURE -apiñarse GROUP AMASS MEET -flock GROUP GO-FORWARD -constellate COVER_SPREAD_SURMOUNT GROUP AMASS -saisir CATCH TAKE CHARGE STEAL_DEPRIVE -prehend CATCH -sobrecoger CATCH -get_hold_of CAUSE-MENTAL-STATE TAKE COMMUNICATE_CONTACT -clutter_up FILL -clutter FILL -co-author CREATE_MATERIALIZE -co-educate TEACH -coeducate TEACH -cooccur ACCOMPANY -coincide MATCH ACCOMPANY HAPPEN_OCCUR -concurrir ACCOMPANY HAPPEN_OCCUR -co-occur ACCOMPANY -construe_with ACCOMPANY -cooccur_with ACCOMPANY -collocate_with ACCOMPANY -co-occur_with ACCOMPANY -coopter CO-OPT FOLLOW_SUPPORT_SPONSOR_FUND -cooptar CO-OPT -co-opt CO-OPT FOLLOW_SUPPORT_SPONSOR_FUND -co-sign WRITE ALLY_ASSOCIATE_MARRY -cosign WRITE ALLY_ASSOCIATE_MARRY -cofirmar WRITE -firmar WRITE SIGN ALLY_ASSOCIATE_MARRY APPROVE_PRAISE -coprotagonizar EXIST-WITH-FEATURE PERFORM -partager_l'affiche EXIST-WITH-FEATURE PERFORM -co-star EXIST-WITH-FEATURE PERFORM -co-protagonizar PERFORM -co-vary CHANGE_SWITCH -coach MOVE-BY-MEANS-OF TEACH -coact CARRY-OUT-ACTION -proveerse_de_carbón LOAD_PROVIDE_CHARGE_FURNISH -fundirse CONVERT COMBINE_MIX_UNITE DESTROY -coapt BORDER SECURE_FASTEN_TIE -conglutinate BORDER ATTACH -embastecer WORSEN -coarsen WORSEN -coast MOVE-ONESELF -dejarse_ir MOVE-ONESELF -dejarse_llevar MOVE-ONESELF -deslizarse ENTER MOVE-ONESELF MOVE-SOMETHING GO-FORWARD SPEND-TIME_PASS-TIME TRAVEL OVERCOME_SURPASS -surface RAISE APPEAR COVER_SPREAD_SURMOUNT -recubrir COVER_SPREAD_SURMOUNT -remendar REPAIR_REMEDY -cobble REPAIR_REMEDY PUT_APPLY_PLACE_PAVE -paver REPAIR_REMEDY PUT_APPLY_PLACE_PAVE -cobblestone PUT_APPLY_PLACE_PAVE -amañar MOUNT_ASSEMBLE_PRODUCE PERFORM FAKE DECEIVE -cobble_up MOUNT_ASSEMBLE_PRODUCE -cobble_together MOUNT_ASSEMBLE_PRODUCE -apañar MOUNT_ASSEMBLE_PRODUCE COOK -cocainise SLEEP -cocainizar SLEEP -cocainize SLEEP -armer ADJUST_CORRECT MOVE-ONESELF INCLINE -cock ADJUST_CORRECT MOVE-ONESELF INCLINE -strut MOVE-ONESELF -contonearse TRAVEL MOVE-ONESELF GO-FORWARD -ruffle CAUSE-MENTAL-STATE MOVE-ONESELF MOVE-SOMETHING MESS PRESS_PUSH_FOLD RAISE -tittup MOVE-ONESELF -prance JUMP MOVE-ONESELF -cock_up RAISE -prick_up RAISE -cockle PRESS_PUSH_FOLD MOVE-SOMETHING -riffle MESS ANALYZE MOVE-ONESELF MOVE-SOMETHING -undulate MOVE-ONESELF MOVE-SOMETHING HAPPEN_OCCUR -knit SECURE_FASTEN_TIE SEW PRESS_PUSH_FOLD -arrugar ROLL MESS SIGNAL_INDICATE PRESS_PUSH_FOLD -chafarse PRESS_PUSH_FOLD -rumple MESS PRESS_PUSH_FOLD -pucker SEW PRESS_PUSH_FOLD -coconspire ALLY_ASSOCIATE_MARRY -acurrucarse MEET ISOLATE LIE LOWER -cocoon ENCLOSE_WRAP ISOLATE -formar_un_capullo ENCLOSE_WRAP -codify SORT_CLASSIFY_ARRANGE -coaccionar OBLIGE_FORCE -presionar BURDEN_BEAR OBLIGE_FORCE TRY PRESS_PUSH_FOLD -coerce OBLIGE_FORCE -coercer OBLIGE_FORCE -force PERSUADE ATTACK_BOMB PULL PRESS_PUSH_FOLD OBLIGE_FORCE AFFECT -coexistir EXIST_LIVE -coexist EXIST_LIVE -coexister EXIST_LIVE -coffin PUT_APPLY_PLACE_PAVE -endentar ORGANIZE JOIN_CONNECT -cog ROLL JOIN_CONNECT -coggle MOVE-ONESELF -avanzar_a_pasitos MOVE-ONESELF -totter TRAVEL MOVE-ONESELF GO-FORWARD -chapotear PLAY_SPORT/GAME MAKE-A-SOUND MOVE-ONESELF DIP_DIVE THROW TRAVEL WET PRESS_PUSH_FOLD -toddle MOVE-ONESELF -waddle MOVE-ONESELF -anadear MOVE-ONESELF -dodder MOVE-ONESELF -paddle PLAY_SPORT/GAME MOVE-ONESELF MOVE-SOMETHING DIP_DIVE HIT SHOOT_LAUNCH_PROPEL -cogitar THINK -cognize KNOW -savoir KNOW -cognise KNOW -cohabit STAY_DWELL -cohabitar STAY_DWELL -vivir_en_pareja STAY_DWELL -shack_up STAY_DWELL -convivir STAY_DWELL -vivir_en_concubinato STAY_DWELL -live_together STAY_DWELL -cohabiter STAY_DWELL -coil CREATE_MATERIALIZE ROLL MOVE-ONESELF -curl PLAY_SPORT/GAME ROLL -loop ROLL SECURE_FASTEN_TIE FLY TRAVEL -enroscar ROLL SECURE_FASTEN_TIE GO-FORWARD SHAPE -hacer_a_mano CREATE_MATERIALIZE -handbuild CREATE_MATERIALIZE -hand-build CREATE_MATERIALIZE -enrollarse SPEAK MOVE-ONESELF WEAVE -gyrate MOVE-ONESELF -spiral MOVE-ONESELF GO-FORWARD SHAPE -troquelar CREATE_MATERIALIZE -coin CREATE_MATERIALIZE -frapper CREATE_MATERIALIZE AFFECT KILL HIT -mint CREATE_MATERIALIZE -coinsure PROTECT -coasegurar PROTECT -coke CONVERT -cold-cream PUT_APPLY_PLACE_PAVE -desairar OFFEND_DISESTEEM REFUSE -desestimar OFFEND_DISESTEEM REFUSE -cold-shoulder OFFEND_DISESTEEM -slight OFFEND_DISESTEEM -coldwork SHAPE -cold_work SHAPE -tumbar PUT_APPLY_PLACE_PAVE KNOCK-DOWN LIE HIT -dump REMOVE_TAKE-AWAY_KIDNAP FALL_SLIDE-DOWN DROP SELL KNOCK-DOWN DISCARD -coldcock KNOCK-DOWN -collaborate DECEIVE ALLY_ASSOCIATE_MARRY -cooperar DECEIVE ALLY_ASSOCIATE_MARRY -collaborer DECEIVE ALLY_ASSOCIATE_MARRY -coadyuvar ALLY_ASSOCIATE_MARRY -cooperate ALLY_ASSOCIATE_MARRY -coopérer ALLY_ASSOCIATE_MARRY -join_forces ALLY_ASSOCIATE_MARRY -dégringoler WEAKEN -colapsarse WEAKEN -s'effondrer LOWER WEAKEN -s'écrouler WEAKEN -péricliter WEAKEN -cerrarse PRESS_PUSH_FOLD -plegar CREATE_MATERIALIZE PRESS_PUSH_FOLD -poner_el_collar LOAD_PROVIDE_CHARGE_FURNISH -cotejar SORT_CLASSIFY_ARRANGE COMPARE -collate SORT_CLASSIFY_ARRANGE COMPARE -collateralize GUARANTEE_ENSURE_PROMISE -colateralizar GUARANTEE_ENSURE_PROMISE -meter AMASS DIM MEASURE_EVALUATE INSERT FILL PRESS_PUSH_FOLD GROUP SIGNAL_INDICATE -garner TAKE AMASS RETAIN_KEEP_SAVE-MONEY -recolectar GROUP AMASS -pull_together AMASS -colectar AMASS -collectivize COMMUNIZE -colectivizar COMMUNIZE -collectivise COMMUNIZE -colidir HIT -impinge_on HIT -collide_with HIT -subsumir CORRELATE INCLUDE-AS -subsumer CORRELATE INCLUDE-AS -subsume CORRELATE INCLUDE-AS -collimate ADJUST_CORRECT BORDER -colimar ADJUST_CORRECT -parallel BORDER MATCH -collogue SPEAK -collude ALLY_ASSOCIATE_MARRY -colonizar CONQUER STAY_DWELL -colonize CONQUER -colonise CONQUER -coloniser CONQUER -establecerse STAY_DWELL CONQUER DIP_DIVE -color COLOR INFLUENCE JUSTIFY_EXCUSE CHANGE_SWITCH -maquillar JUSTIFY_EXCUSE EMBELLISH -colorer JUSTIFY_EXCUSE -colour COLOR INFLUENCE JUSTIFY_EXCUSE CHANGE_SWITCH -teñir COLOR DIRTY INFLUENCE FILL -colorar COLOR -colorear COLOR GROW_PLOW -color_in COLOR -colorise COLOR -colour_in COLOR -colorize COLOR -colourise COLOR -colourize COLOR -tinge COLOR INFLUENCE -distort BREAK_DETERIORATE INFLUENCE REPRESENT SHAPE -discolor COLOR CHANGE_SWITCH -discolour CHANGE_SWITCH -decolorarse CHANGE_SWITCH -colorcast TRANSMIT -comb SEARCH STRAIGHTEN -disentangle LIBERATE_ALLOW_AFFORD REMOVE_TAKE-AWAY_KIDNAP STRAIGHTEN -peigner STRAIGHTEN -desenredar LIBERATE_ALLOW_AFFORD REMOVE_TAKE-AWAY_KIDNAP SOLVE STRAIGHTEN -coiffer STRAIGHTEN -desenmarañar LIBERATE_ALLOW_AFFORD RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND REMOVE_TAKE-AWAY_KIDNAP STRAIGHTEN -comb_out REMOVE_TAKE-AWAY_KIDNAP STRAIGHTEN -peinarse STRAIGHTEN -ransack SEARCH STEAL_DEPRIVE -escardar REMOVE_TAKE-AWAY_KIDNAP HOLE_PIERCE -weed_out REMOVE_TAKE-AWAY_KIDNAP -compound CALCULATE_ESTIMATE COMBINE_MIX_UNITE INCREASE_ENLARGE_MULTIPLY -unite EXIST-WITH-FEATURE COMBINE_MIX_UNITE ALLY_ASSOCIATE_MARRY JOIN_CONNECT -come_in ENTER CHANGE-APPEARANCE/STATE INSERT OBTAIN RESULT_CONSEQUENCE -entrar ENTER ATTACK_BOMB APPEAR PROPOSE FIT OBTAIN ARRIVE HIRE PARTICIPATE -traverser_l'esprit THINK -passer_par_la_tête THINK -occur THINK HAPPEN_OCCUR -venir_à_l'esprit THINK -ocurrirse THINK -fare RESULT_CONSEQUENCE EAT_BITE -arreglárselas MANAGE RESULT_CONSEQUENCE FACE_CHALLENGE -andar BEHAVE OVERCOME_SURPASS TRAVEL LEAVE_DEPART_RUN-AWAY RESULT_CONSEQUENCE ALLY_ASSOCIATE_MARRY GO-FORWARD -desenvolverse RESULT_CONSEQUENCE -pâture RESULT_CONSEQUENCE EAT_BITE -viajar RESULT_CONSEQUENCE TRAVEL GO-FORWARD -derive CREATE_MATERIALIZE OBTAIN INFER DERIVE -descend HAPPEN_OCCUR DEBASE_ADULTERATE LOWER DERIVE -descender INCLINE LOWER DERIVE HAPPEN_OCCUR LAND_GET-OFF REDUCE_DIMINISH -recorrer SEARCH MOVE-ONESELF MOVE-SOMETHING TRAVEL VISIT -avoir_un_orgasme CAUSE-MENTAL-STATE -tener_un_orgasmo CAUSE-MENTAL-STATE -venirse CAUSE-MENTAL-STATE -issue_forth COME-FROM -seguirse RESULT_CONSEQUENCE DERIVE -hap HAPPEN_OCCUR -llegar_a_pasar HAPPEN_OCCUR -take_place HAPPEN_OCCUR -sobrevenir RESULT_CONSEQUENCE HAPPEN_OCCUR -come_about HAPPEN_OCCUR -fall_out IMPLY SEPARATE_FILTER_DETACH HAPPEN_OCCUR SORT_CLASSIFY_ARRANGE QUARREL_POLEMICIZE -tener_lugar HAPPEN_OCCUR -llegar_a_ocurrir HAPPEN_OCCUR -come_over EXPLAIN -rencontrer MEET -converger REACH COMBINE_MIX_UNITE MEET -run_across MEET -résonner AROUSE_WAKE_ENLIVEN MAKE-A-SOUND -resonate AROUSE_WAKE_ENLIVEN MAKE-A-SOUND -come_after COME-AFTER_FOLLOW-IN-TIME -come_round BELIEVE -come_around BELIEVE HAPPEN_OCCUR -roll_around HAPPEN_OCCUR -volver_a_ocurrir HAPPEN_OCCUR -repetirse HAPPEN_OCCUR -come_away SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY -detach DISBAND_BREAK-UP SEPARATE_FILTER_DETACH -desfijar SEPARATE_FILTER_DETACH -desatar LIBERATE_ALLOW_AFFORD STRAIGHTEN SEPARATE_FILTER_DETACH UNFASTEN_UNFOLD -despegar BEGIN LAND_GET-OFF SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY -desligar LIBERATE_ALLOW_AFFORD SEPARATE_FILTER_DETACH -repay ANSWER GIVE_GIFT PAY -riposte ANSWER HIT -rejoin ANSWER ALLY_ASSOCIATE_MARRY -come_back ANSWER RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND SCORE -retort ANSWER -volver_a RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -hark_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -remontar LOAD_PROVIDE_CHARGE_FURNISH MOUNT_ASSEMBLE_PRODUCE SCORE INCREASE_ENLARGE_MULTIPLY HAPPEN_OCCUR FLY RAISE -retornar_al_marcador SCORE -reincorporar CHANGE-HANDS COMBINE_MIX_UNITE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND MOVE-BACK -volver TURN_CHANGE-DIRECTION CAUSE-MENTAL-STATE MOVE-ONESELF MOVE-BACK RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -come_before PRECEDE -drop_by VISIT -drop_in VISIT -come_by TAKE VISIT -come_into TAKE -go_down REMEMBER STOP LOWER DIP_DIVE EAT_BITE FAIL_LOSE DISAPPEAR REDUCE_DIMINISH -precipitate METEOROLOGICAL FALL_SLIDE-DOWN THROW SEPARATE_FILTER_DETACH WORSEN -enfermar CAUSE-MENTAL-STATE HURT_HARM_ACHE CONTRACT-AN-ILLNESS_INFECT -come_forth EMIT HAPPEN_OCCUR -emerge SHOW APPEAR HAPPEN_OCCUR EMIT FEEL -egress EMIT -go_forth EMIT LEAVE_DEPART_RUN-AWAY -come_forward CARRY-OUT-ACTION -step_to_the_fore CARRY-OUT-ACTION -come_to_the_fore CARRY-OUT-ACTION -step_up SPEED-UP CARRY-OUT-ACTION INCREASE_ENLARGE_MULTIPLY -step_forward CARRY-OUT-ACTION -ponerse_de_moda CHANGE-APPEARANCE/STATE -figurar BEHAVE HAVE-A-FUNCTION_SERVE RESULT_CONSEQUENCE REPRESENT -go_in ENTER -moverse_adentro ENTER -go_into CONSUME_SPEND ENTER -entrer ENTER PROPOSE -move_into ENTER -interponer CREATE_MATERIALIZE INSERT -interpose CREATE_MATERIALIZE INSERT PARTICIPATE -intercalar LOAD_PROVIDE_CHARGE_FURNISH INSERT ALTERNATE -inject INSERT ADD -interject INSERT -come_in_for UNDERGO-EXPERIENCE -come_in_handy HAVE-A-FUNCTION_SERVE -cobrar_vida GIVE-BIRTH -come_into_being GIVE-BIRTH -come_to_life EXIST-WITH-FEATURE GIVE-BIRTH -come_of_age DEVELOP_AGE -turn_up PRESS_PUSH_FOLD APPEAR PROVE FIND -show_up APPEAR -come_out_of_the_closet SPEAK -out REVEAL SPEAK -caerse FALL_SLIDE-DOWN LOWER SEPARATE_FILTER_DETACH FAIL_LOSE HAVE-SEX REDUCE_DIMINISH -ser_revelado REVEAL -fall_short FRUSTRATE_DISAPPOINT -come_short FRUSTRATE_DISAPPOINT -sobrevivir EXIST_LIVE OVERCOME_SURPASS CONTINUE -survive EXIST_LIVE OVERCOME_SURPASS CONTINUE -pull_round OVERCOME_SURPASS -topars CAUSE-MENTAL-STATE -toparse CAUSE-MENTAL-STATE -revivir AROUSE_WAKE_ENLIVEN FEEL UNDERGO-EXPERIENCE -resuscitate AROUSE_WAKE_ENLIVEN -get_to_grips MANAGE -come_to_grips MANAGE -come_to_light REVEAL -come_to_hand REVEAL -spring_to_mind REMEMBER -come_to_mind REMEMBER -get_hold FIND -scrape CORRODE_WEAR-AWAY_SCRATCH HURT_HARM_ACHE RETAIN_KEEP_SAVE-MONEY LOWER -scrape_up RETAIN_KEEP_SAVE-MONEY -muster_up AMASS -avenir AMASS SETTLE_CONCILIATE -muster SUMMON AMASS -adueñarse OBTAIN -enter_upon OBTAIN -luck_into OBTAIN -confect ENCLOSE_WRAP MOUNT_ASSEMBLE_PRODUCE -comfit ENCLOSE_WRAP -confección ENCLOSE_WRAP -confitar ENCLOSE_WRAP AMELIORATE CHANGE-TASTE -confection ENCLOSE_WRAP -reconfortar MAKE-RELAX HELP_HEAL_CARE_CURE -aligerarse HELP_HEAL_CARE_CURE -comfort MAKE-RELAX HELP_HEAL_CARE_CURE -relajarse HELP_HEAL_CARE_CURE UNFASTEN_UNFOLD -dar_alivio HELP_HEAL_CARE_CURE -solace MAKE-RELAX -consolar MAKE-RELAX -soothe HELP_HEAL_CARE_CURE MAKE-RELAX -solazar MAKE-RELAX -console MAKE-RELAX -consoler MAKE-RELAX -réconforter MAKE-RELAX -confortar MAKE-RELAX -comandar MANAGE ORDER LEAD_GOVERN -command MANAGE COVER_SPREAD_SURMOUNT LEAD_GOVERN ORDER COST -dominate MANAGE COVER_SPREAD_SURMOUNT SUBJUGATE LEAD_GOVERN COMPARE -overtop COVER_SPREAD_SURMOUNT -dominer MANAGE COVER_SPREAD_SURMOUNT -overlook MISS_OMIT_LACK ORIENT WATCH_LOOK-OUT COVER_SPREAD_SURMOUNT -expropiar STEAL_DEPRIVE -highjack STEAL_DEPRIVE -piratear STEAL_DEPRIVE -hijack MANAGE STEAL_DEPRIVE -pirate STEAL_DEPRIVE -commandeer STEAL_DEPRIVE -requisar ASK_REQUEST TAKE STEAL_DEPRIVE -memorialize SPEAK APPROVE_PRAISE -commemorar APPROVE_PRAISE -immortalize CHANGE-APPEARANCE/STATE APPROVE_PRAISE -memorialise SPEAK APPROVE_PRAISE -inmortalizar CHANGE-APPEARANCE/STATE APPROVE_PRAISE -commemorate CELEBRATE_PARTY APPROVE_PRAISE -record PERCEIVE RECORD APPROVE_PRAISE PROPOSE -immortalise CHANGE-APPEARANCE/STATE APPROVE_PRAISE -commémorer CELEBRATE_PARTY SPEAK APPROVE_PRAISE -embarcarse_en BEGIN -start_up BEGIN START-FUNCTIONING -embark_on BEGIN -encomendar WELCOME PUBLISH ASSIGN-smt-to-smn GIVE_GIFT CONTRACT-AN-ILLNESS_INFECT -commend PUBLISH GIVE_GIFT APPROVE_PRAISE WELCOME -recommander APPROVE_PRAISE -elogiar APPROVE_PRAISE -dar_recuerdos WELCOME -commenter EXPLAIN -hacer_notar EXPLAIN SPEAK -notar UNDERGO-EXPERIENCE FIND SPEAK SEE TOUCH EXPLAIN PERCEIVE -remark EXPLAIN SPEAK -commentate LOAD_PROVIDE_CHARGE_FURNISH INTERPRET -comercializar BENEFIT_EXPLOIT WORK SELL -commercialise SELL -market BUY SELL -commercialize BENEFIT_EXPLOIT SELL -commercialiser BENEFIT_EXPLOIT SELL -commiserate CAUSE-MENTAL-STATE -sentir_conmiseración CAUSE-MENTAL-STATE -sympathize CAUSE-MENTAL-STATE -compadecerse CAUSE-MENTAL-STATE -compatir CAUSE-MENTAL-STATE -simpatizar CAUSE-MENTAL-STATE -sympathise CAUSE-MENTAL-STATE -commission ASSIGN-smt-to-smn ASK_REQUEST START-FUNCTIONING -dedicar_a FOCUS -dedicar HAVE-A-FUNCTION_SERVE BEGIN SPEAK THINK FOCUS -dedicate HAVE-A-FUNCTION_SERVE SPEAK FOCUS BEGIN -consagrarse HAVE-A-FUNCTION_SERVE FOCUS -devote PLAN_SCHEDULE THINK FOCUS -consacrer_à FOCUS -confide GIVE_GIFT REVEAL -confier GIVE_GIFT -intrust GIVE_GIFT -entrust GIVE_GIFT -commetre VIOLATE -perpetrate VIOLATE -perpetrar VIOLATE -cometer CARRY-OUT-ACTION VIOLATE -commit_suicide KILL -suicidarse KILL -communalise COMMUNIZE -communalize COMMUNIZE -commune COMMUNICATE_CONTACT COMMUNE -comulgar COMMUNE -recibir_la_comunión COMMUNE -communicate HURT_HARM_ACHE INFORM COMMUNE JOIN_CONNECT SPEAK -intercommunicate SPEAK JOIN_CONNECT -administrar_la_comunión COMMUNE -pass_along INFORM -communiquer INFORM SPEAK -put_across INFORM -contagiar HURT_HARM_ACHE CONTRACT-AN-ILLNESS_INFECT -commutate INVERT_REVERSE -transpose CALCULATE_ESTIMATE MESS CONVERT REPLACE CHANGE-APPEARANCE/STATE -permute MESS -transposer CALCULATE_ESTIMATE MESS -commutar MESS -transponer REPLACE CALCULATE_ESTIMATE MESS CONVERT -trasponer MESS -inverser MESS -viajar_del_trabajo GO-FORWARD -faire_la_navette GO-FORWARD -viajar_diariamente_al_trabajo GO-FORWARD -pendular GO-FORWARD -viajar_al_trabajo GO-FORWARD -conmutar REPLACE CONVERT -comprimer PRESS_PUSH_FOLD -constrict PRESS_PUSH_FOLD -compress PRESS_PUSH_FOLD -archiver PRESS_PUSH_FOLD -pack_together PRESS_PUSH_FOLD -comparer COMPARE -compare CHANGE-APPEARANCE/STATE COMPARE -equiparar COMPARE -equate MATCH CALCULATE_ESTIMATE COMPARE -liken COMPARE -comparison-shop COMPARE -compart SEPARATE_FILTER_DETACH -compartimentar SEPARATE_FILTER_DETACH -compartmentalize SEPARATE_FILTER_DETACH -compartmentalise SEPARATE_FILTER_DETACH -abarcar ACHIEVE EXTEND INCLUDE-AS -feel_for CAUSE-MENTAL-STATE -sympathize_with CAUSE-MENTAL-STATE -alinearse_con CAUSE-MENTAL-STATE -compassionate CAUSE-MENTAL-STATE -pity CAUSE-MENTAL-STATE -condole_with CAUSE-MENTAL-STATE -compadecer CAUSE-MENTAL-STATE -compel OBLIGE_FORCE REQUIRE_NEED_WANT_HOPE -compelir OBLIGE_FORCE -compeler OBLIGE_FORCE -even_out ADJUST_CORRECT FLATTEN_SMOOTHEN -compensate ADJUST_CORRECT COMPENSATE PAY -contrapesar ADJUST_CORRECT COMPENSATE -even_up ADJUST_CORRECT FLATTEN_SMOOTHEN -égaliser ADJUST_CORRECT FLATTEN_SMOOTHEN RECOGNIZE_ADMIT_IDENTIFY -counterbalance ADJUST_CORRECT COMPENSATE -even_off ADJUST_CORRECT -remunerate PAY -remunerar PAY -recompensar GIVE_GIFT PAY APPROVE_PRAISE -recompense PAY -indemnify PAY PROTECT -indemnizar PAY PROTECT -indemnisar PAY -overcompensate ADJUST_CORRECT COMPENSATE -right ADJUST_CORRECT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND PAY -desagraviar PAY -redress PAY -emcee EMCEE -compere EMCEE -rivalizar MATCH COMPETE -vie COMPETE -medirse COMPETE -compete COMPETE -competir COMPETE -compiler CREATE_MATERIALIZE -compose PLAN_SCHEDULE MOUNT_ASSEMBLE_PRODUCE CREATE_MATERIALIZE MAKE-RELAX REPRESENT -plain SPEAK -complain ACCUSE SPEAK -se_plaindre ACCUSE SPEAK OPPOSE_REBEL_DISSENT -kick SCORE GIVE-UP_ABOLISH_ABANDON HIT SPEAK DRIVE-BACK RAISE -kvetch SPEAK -protestar DECREE_DECLARE SPEAK SIGNAL_INDICATE OPPOSE_REBEL_DISSENT -quetch SPEAK -déposer_plainte ACCUSE -porter_plainte ACCUSE -complect JOIN_CONNECT -interconnect JOIN_CONNECT -interlink JOIN_CONNECT -interconectar JOIN_CONNECT -complement AMELIORATE -remplir WRITE FILL -rellenar PUT_APPLY_PLACE_PAVE WRITE AMELIORATE FILL -fill_in PAINT REPLACE WRITE INFORM -fill_out DEVELOP_AGE INCREASE_ENLARGE_MULTIPLY AMELIORATE WRITE FILL -complete FINISH_CONCLUDE_END ACHIEVE WRITE FILL CARRY-OUT-ACTION -conclure DECIDE_DETERMINE FINISH_CONCLUDE_END -finaliser FINISH_CONCLUDE_END -complexify COMPLEXIFY -complexifier COMPLEXIFY -complexion COLOR -complicar EMBELLISH COMPLEXIFY -complicate EMBELLISH COMPLEXIFY -rarify EMBELLISH -refinar AMELIORATE REDUCE_DIMINISH EMBELLISH SHAPE -elaborate MOUNT_ASSEMBLE_PRODUCE AMELIORATE PREPARE EMBELLISH -refine PREPARE AMELIORATE REDUCE_DIMINISH EMBELLISH -congratulate CAUSE-MENTAL-STATE APPROVE_PRAISE -felicitar CAUSE-MENTAL-STATE APPROVE_PRAISE -congratular CAUSE-MENTAL-STATE APPROVE_PRAISE -compliment APPROVE_PRAISE -draw_up PLAN_SCHEDULE SORT_CLASSIFY_ARRANGE STOP STRAIGHTEN -write CREATE_MATERIALIZE RECORD SEND PUBLISH WRITE COMMUNICATE_CONTACT -escribir CREATE_MATERIALIZE TYPE RECORD PUBLISH WRITE COMMUNICATE_CONTACT -pen CREATE_MATERIALIZE -composer CREATE_MATERIALIZE OPERATE -indite CREATE_MATERIALIZE -componerse MAKE-RELAX INCLUDE-AS -compost CONVERT -heighten RAISE AROUSE_WAKE_ENLIVEN INCREASE_ENLARGE_MULTIPLY -intensify INCREASE_ENLARGE_MULTIPLY -calcular_cumulativamente CALCULATE_ESTIMATE -encompass INCLUDE-AS -percatarse PERCEIVE -percevoir PERCEIVE -perceive PERCEIVE UNDERSTAND -consist GROUND_BASE_FOUND EXIST-WITH-FEATURE MATCH INCLUDE-AS -incorporate COMBINE_MIX_UNITE INCLUDE-AS -compromise ENDANGER SETTLE_CONCILIATE -computerizar LOAD_PROVIDE_CHARGE_FURNISH AUTOMATIZE RETAIN_KEEP_SAVE-MONEY -computerize LOAD_PROVIDE_CHARGE_FURNISH AUTOMATIZE RETAIN_KEEP_SAVE-MONEY -informatizar LOAD_PROVIDE_CHARGE_FURNISH AUTOMATIZE -computerise LOAD_PROVIDE_CHARGE_FURNISH AUTOMATIZE RETAIN_KEEP_SAVE-MONEY -cybernate AUTOMATIZE -computarizar AUTOMATIZE -computadorizar RETAIN_KEEP_SAVE-MONEY -memorizar STUDY -aprender_de_memoria STUDY -memorize STUDY -memorizarse STUDY -memorise STUDY -concatenar ATTACH HARMONIZE -concadenar ATTACH -concatenate ATTACH -enchaîner ATTACH STOP -concaténer ATTACH -encubrir JUSTIFY_EXCUSE CLOUD_SHADOW_HIDE STAY_DWELL -conceal CLOUD_SHADOW_HIDE -se_cacher CLOUD_SHADOW_HIDE -manifestarse OPPOSE_REBEL_DISSENT APPEAR RECOGNIZE_ADMIT_IDENTIFY -confess RECOGNIZE_ADMIT_IDENTIFY -profesar ASSIGN-smt-to-smn DECREE_DECLARE WORK RECOGNIZE_ADMIT_IDENTIFY -profess WORK FOLLOW_SUPPORT_SPONSOR_FUND DECREE_DECLARE RECOGNIZE_ADMIT_IDENTIFY ASSIGN-smt-to-smn PRETEND -concevoir THINK -conceptualise THINK -conceptualize THINK -idear CREATE_MATERIALIZE IMAGINE THINK ORGANIZE -envisage IMAGINE -imaginer IMAGINE -ideate IMAGINE -imaginar SUPPOSE BELIEVE IMAGINE INFER -conceive_of IMAGINE -imagine BELIEVE IMAGINE -concenter FOCUS -focalise ADJUST_CORRECT LIE FOCUS -concentre FOCUS -focalize ADJUST_CORRECT LIE FOCUS -focaliser ADJUST_CORRECT MOVE-SOMETHING LIE FOCUS -condense CHANGE-APPEARANCE/STATE CONVERT SUMMARIZE -aficionar EXIST-WITH-FEATURE CAUSE-MENTAL-STATE -interest EXIST-WITH-FEATURE CAUSE-MENTAL-STATE -concert SETTLE_CONCILIATE ORGANIZE -concertar DECIDE_DETERMINE SECURE_FASTEN_TIE ORGANIZE ESTABLISH SETTLE_CONCILIATE -concertina PRESS_PUSH_FOLD -concertize PERFORM -concertise PERFORM -patch_up REPAIR_REMEDY SETTLE_CONCILIATE -inferir GUESS DECIDE_DETERMINE BELIEVE INFER -reason_out DECIDE_DETERMINE -concoct CREATE_MATERIALIZE COMBINE_MIX_UNITE COOK FAKE -cook_up DECEIVE COOK -encubar CREATE_MATERIALIZE -pensar_en REMEMBER CREATE_MATERIALIZE CHOOSE IMAGINE THINK -soñar CREATE_MATERIALIZE CAUSE-MENTAL-STATE IMAGINE -dream_up CREATE_MATERIALIZE -think_up CREATE_MATERIALIZE -urdir CREATE_MATERIALIZE PLAN_SCHEDULE COMPLEXIFY -think_of REFER TREAT REMEMBER CONSIDER CREATE_MATERIALIZE CHOOSE -trump_up FAKE -maquinar PLAN_SCHEDULE FAKE ORGANIZE -bétonner CHANGE-APPEARANCE/STATE COVER_SPREAD_SURMOUNT -concrete CHANGE-APPEARANCE/STATE COVER_SPREAD_SURMOUNT -hormigonar CHANGE-APPEARANCE/STATE -encementar COVER_SPREAD_SURMOUNT -revestir_de_hormigón COVER_SPREAD_SURMOUNT -construir_con_hormigón COVER_SPREAD_SURMOUNT -concretise CHANGE-APPEARANCE/STATE -concretarse CHANGE-APPEARANCE/STATE -concretar DECIDE_DETERMINE CHANGE-APPEARANCE/STATE OBLIGE_FORCE REPRESENT -concretize CHANGE-APPEARANCE/STATE -concrétiser CHANGE-APPEARANCE/STATE -concuss HURT_HARM_ACHE MOVE-SOMETHING -convulsionar PRESS_PUSH_FOLD MOVE-ONESELF LAUGH MOVE-SOMETHING -condemn AFFIRM SUBJECTIVE-JUDGING DECREE_DECLARE PROVE OBLIGE_FORCE STEAL_DEPRIVE -condenar AFFIRM SUBJECTIVE-JUDGING DECREE_DECLARE COMMUNE PROVE -réprouver REFUSE COMMUNE AFFIRM -decry AFFIRM -reprobate REFUSE COMMUNE AFFIRM -doom DECREE_DECLARE -sentence DECREE_DECLARE -distill SPILL_POUR CHANGE-APPEARANCE/STATE EXTRACT WASH_CLEAN -condensarse CHANGE-APPEARANCE/STATE -distil SPILL_POUR CHANGE-APPEARANCE/STATE EXTRACT -deign DEBASE_ADULTERATE -dignarse DEBASE_ADULTERATE -condescend BEHAVE TREAT DEBASE_ADULTERATE -condescender BEHAVE TREAT DEBASE_ADULTERATE -lower_oneself DEBASE_ADULTERATE -stipulate OBLIGE_FORCE AGREE_ACCEPT -estipular OBLIGE_FORCE AGREE_ACCEPT -condicionar TEACH REPAIR_REMEDY EMBELLISH WORSEN OBLIGE_FORCE -stipuler OBLIGE_FORCE -acondicionar REPAIR_REMEDY PREPARE -condolerse CAUSE-MENTAL-STATE -condole CAUSE-MENTAL-STATE -condone JUSTIFY_EXCUSE -condonar EXEMPT JUSTIFY_EXCUSE -conduce IMPLY -cone SHAPE -cortar_en_cono SHAPE -consult SEARCH WARN DISCUSS -confabular DISCUSS ORGANIZE -conferenciar SPEAK DISCUSS -confer_with DISCUSS -squeal MAKE-A-SOUND RECOGNIZE_ADMIT_IDENTIFY -confesarse RECOGNIZE_ADMIT_IDENTIFY -confesser RECOGNIZE_ADMIT_IDENTIFY -configurer ADJUST_CORRECT -configure ADJUST_CORRECT -configurar ADJUST_CORRECT SHAPE -detain DELAY CAGE_IMPRISON STOP -encarcelar CAGE_IMPRISON -reassert AFFIRM -affermir STRENGTHEN_MAKE-RESISTANT AFFIRM -fortifier EXIST-WITH-FEATURE AFFIRM -renforcer AFFIRM -confirmer PERFORM AFFIRM -inflamar BURN AROUSE_WAKE_ENLIVEN HURT_HARM_ACHE -inflame BURN AROUSE_WAKE_ENLIVEN HURT_HARM_ACHE -conflagrar BURN -run_afoul VIOLATE -contravene REFUSE VIOLATE -conflict DISTINGUISH_DIFFER VIOLATE -infringe VIOLATE -infringir REFUSE VIOLATE -contravenir REFUSE VIOLATE -sacrifier_à MATCH HARMONIZE SATISFY_FULFILL -conform_to MATCH HARMONIZE SATISFY_FULFILL -guiarse ORIENT HARMONIZE -confondre MISTAKE -enfrentar ORIENT FACE_CHALLENGE SEE -confrontar FACE_CHALLENGE SEE -carear FACE_CHALLENGE -confront FACE_CHALLENGE SEE -face TURN_CHANGE-DIRECTION SHOW SEW FACE_CHALLENGE COVER_SPREAD_SURMOUNT ORIENT -s'atteler_à FACE_CHALLENGE -affronter FACE_CHALLENGE -face_up FACE_CHALLENGE -obsequiar CREATE_MATERIALIZE SHOW GIVE_GIFT FACE_CHALLENGE -enfrentarse_a FACE_CHALLENGE -disconcert CAUSE-MENTAL-STATE -flurry CAUSE-MENTAL-STATE MOVE-ONESELF -conturbar CAUSE-MENTAL-STATE -jumble MESS -mix_up CAUSE-MENTAL-STATE MESS -réfuter FACE_CHALLENGE PROVE -confute PROVE -refutar FACE_CHALLENGE ANSWER PROVE DISCUSS -disprove PROVE -conga DANCE -bailar_conga DANCE -congee LEAVE_DEPART_RUN-AWAY LOWER -conge LOWER -cuajarse CHANGE-APPEARANCE/STATE SPOIL -jell CHANGE-APPEARANCE/STATE -congeal CHANGE-APPEARANCE/STATE -conglobate SHAPE -conglobe SHAPE -conglobar SHAPE -conglutinar ATTACH -felicitate APPROVE_PRAISE -congratularse CAUSE-MENTAL-STATE -lisser CAUSE-MENTAL-STATE REQUIRE_NEED_WANT_HOPE EMBELLISH WASH_CLEAN SHAPE -felicitarse CAUSE-MENTAL-STATE APPROVE_PRAISE -pride CAUSE-MENTAL-STATE -plume CAUSE-MENTAL-STATE REQUIRE_NEED_WANT_HOPE EMBELLISH WASH_CLEAN SHAPE -preen EMBELLISH APPROVE_PRAISE WASH_CLEAN -acicalar EMBELLISH APPROVE_PRAISE WASH_CLEAN -congregate MEET -se_congregan MEET -suppose BELIEVE SUPPOSE REQUIRE_NEED_WANT_HOPE -teorizar BELIEVE THINK -émettre_une_hypothèse BELIEVE -theorize BELIEVE THINK -hypothecate GUARANTEE_ENSURE_PROMISE BELIEVE -spéculer BELIEVE -hypothesize BELIEVE -conjecture BELIEVE -plantear_una_hipótesis BELIEVE -hypothesise BELIEVE -hypothéquer GUARANTEE_ENSURE_PROMISE BELIEVE -conjeturar INFER BELIEVE GUESS -theorise BELIEVE -hipotetizar BELIEVE -faire_une_conjecture BELIEVE -théoriser BELIEVE -conjoin ALLY_ASSOCIATE_MARRY JOIN_CONNECT -empalmar WEAVE JOIN_CONNECT -marier EMCEE ALLY_ASSOCIATE_MARRY -casarse ALLY_ASSOCIATE_MARRY -get_married ALLY_ASSOCIATE_MARRY -enlazarse ALLY_ASSOCIATE_MARRY -llevar_al_altar ALLY_ASSOCIATE_MARRY -contraer_nupcias ALLY_ASSOCIATE_MARRY -wed EMCEE ALLY_ASSOCIATE_MARRY -get_hitched_with ALLY_ASSOCIATE_MARRY -marry EMCEE ALLY_ASSOCIATE_MARRY -hook_up_with ALLY_ASSOCIATE_MARRY -unirse_en_matrimonio ALLY_ASSOCIATE_MARRY -matrimoniarse ALLY_ASSOCIATE_MARRY -conjugate SPEAK CHANGE-APPEARANCE/STATE COMBINE_MIX_UNITE -perder_velocidad STOP -stall BREAK_DETERIORATE DELAY PUT_APPLY_PLACE_PAVE STOP -calarse BREAK_DETERIORATE STOP -pegar_un_piño HIT -dar_un_piño HIT -swoon SLEEP -desmayar SLEEP -faint SLEEP -amortecerse SLEEP -peter_out FINISH_CONCLUDE_END EXHAUST -poop_out EXHAUST -conn LEAD_GOVERN -inviter_quelqu'un_à_prendre_part_à_une_conversation JOIN_CONNECT -anudar SECURE_FASTEN_TIE WEAVE JOIN_CONNECT ROLL COMPLEXIFY -attacher JOIN_CONNECT -touch_base COMMUNICATE_CONTACT -get_in_touch COMMUNICATE_CONTACT -se_connecter JOIN_CONNECT -plug_into JOIN_CONNECT -plug_in JOIN_CONNECT -enchufar DECEIVE JOIN_CONNECT -arrear HELP_HEAL_CARE_CURE GROUP ORDER HIT -connive AGREE_ACCEPT ORGANIZE -scheme PLAN_SCHEDULE ORGANIZE -intrigue LIKE ORGANIZE -intrigar LIKE ORGANIZE -connive_at APPROVE_PRAISE -wink_at APPROVE_PRAISE -connotar IMPLY -connote IMPLY -imply IMPLY -predicate IMPLY ASCRIBE AFFIRM -stamp_down PRECLUDE_FORBID_EXPEL -inhibir PRECLUDE_FORBID_EXPEL RESTRAIN -alistar OBLIGE_FORCE HIRE ALLY_ASSOCIATE_MARRY -conscript OBLIGE_FORCE -ordain ASSIGN-smt-to-smn ORDER -hacer_un_voto FOCUS -vow GUARANTEE_ENSURE_PROMISE FOCUS -hacer_voto FOCUS -conserve RETAIN_KEEP_SAVE-MONEY PRESERVE -keep_up AROUSE_WAKE_ENLIVEN INFORM REMAIN PRESERVE EXTEND -husband PRESERVE -economise RETAIN_KEEP_SAVE-MONEY PRESERVE -economize RETAIN_KEEP_SAVE-MONEY PRESERVE -economizar RETAIN_KEEP_SAVE-MONEY PRESERVE -weigh EXIST-WITH-FEATURE TAKE-INTO-ACCOUNT_CONSIDER MEASURE_EVALUATE BURDEN_BEAR -look_at CONSIDER UNDERSTAND -songer TAKE-INTO-ACCOUNT_CONSIDER -considérer TAKE-INTO-ACCOUNT_CONSIDER -moot TAKE-INTO-ACCOUNT_CONSIDER -deliberate TAKE-INTO-ACCOUNT_CONSIDER DISCUSS -observer WATCH_LOOK-OUT SEE -regarder WATCH_LOOK-OUT SEE -lie GROUND_BASE_FOUND DECEIVE REMAIN LIE -yacer GROUND_BASE_FOUND LIE -lie_in GROUND_BASE_FOUND ISOLATE -consolidate CHANGE-APPEARANCE/STATE COMBINE_MIX_UNITE STRENGTHEN_MAKE-RESISTANT -consolidarse COMBINE_MIX_UNITE -consonate HARMONIZE -stud LOAD_PROVIDE_CHARGE_FURNISH COVER_SPREAD_SURMOUNT -clavetear LOAD_PROVIDE_CHARGE_FURNISH COVER_SPREAD_SURMOUNT -dot WRITE COVER_SPREAD_SURMOUNT SIGNAL_INDICATE -tachonar COVER_SPREAD_SURMOUNT -consternate CAUSE-MENTAL-STATE -form MOUNT_ASSEMBLE_PRODUCE BEGIN TEACH SHAPE INCLUDE-AS -plant ESTABLISH PUT_APPLY_PLACE_PAVE SECURE_FASTEN_TIE TEACH -plantar MOUNT_ASSEMBLE_PRODUCE GIVE-UP_ABOLISH_ABANDON SECURE_FASTEN_TIE ESTABLISH PUT_APPLY_PLACE_PAVE TEACH -instituer ESTABLISH -constitucionalizar AUTHORIZE_ADMIT LOAD_PROVIDE_CHARGE_FURNISH -constitutionalise AUTHORIZE_ADMIT -constitutionnaliser AUTHORIZE_ADMIT LOAD_PROVIDE_CHARGE_FURNISH TRAVEL -constitutionalize AUTHORIZE_ADMIT LOAD_PROVIDE_CHARGE_FURNISH TRAVEL -encumber RESTRAIN -cumber RESTRAIN -constrain RESTRAIN -constreñirse RESTRAIN -tighten_up RESTRAIN -tighten TIGHTEN RESTRAIN -endurecer CAUSE-MENTAL-STATE RESTRAIN CHANGE-APPEARANCE/STATE WORSEN STRENGTHEN_MAKE-RESISTANT -stiffen CHANGE-APPEARANCE/STATE RESTRAIN -endurecerse CHANGE-APPEARANCE/STATE RESTRAIN -estrecharse TOUCH REDUCE_DIMINISH LIE PRESS_PUSH_FOLD -constringe PRESS_PUSH_FOLD -narrow DECIDE_DETERMINE REDUCE_DIMINISH FOCUS PRESS_PUSH_FOLD -angostarse PRESS_PUSH_FOLD -manufacture MOUNT_ASSEMBLE_PRODUCE DECEIVE -fabricate MOUNT_ASSEMBLE_PRODUCE DECEIVE -fabricar MOUNT_ASSEMBLE_PRODUCE DECEIVE -manufacturar MOUNT_ASSEMBLE_PRODUCE -fabriquer MOUNT_ASSEMBLE_PRODUCE -reconstruct REMEMBER MOUNT_ASSEMBLE_PRODUCE HARMONIZE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -retrace REMEMBER GO-FORWARD -construe INTERPRET -interpret TRANSLATE REPRESENT PERFORM UNDERSTAND INTERPRET -consubstantiate COMBINE_MIX_UNITE -look_up SEARCH -consume WASTE EAT_BITE CONSUME_SPEND DESTROY -ingerir CONSUME_SPEND WASTE EAT_BITE -derrochar WASTE GIVE_GIFT FLOW -ware WASTE -comer CONSUME_SPEND EAT_BITE -run_through CREATE_MATERIALIZE CONSUME_SPEND -use_up CONSUME_SPEND REQUIRE_NEED_WANT_HOPE -deplete CONSUME_SPEND -mermar REDUCE_DIMINISH CONSUME_SPEND SPOIL -épuiser CONSUME_SPEND -eat CAUSE-MENTAL-STATE CORRODE_WEAR-AWAY_SCRATCH CONSUME_SPEND EAT_BITE -devour DESTROY EAT_BITE ENJOY -consummate HAVE-SEX AMELIORATE -consumar HAVE-SEX -contacter COMMUNICATE_CONTACT -poner_en_contenedor PUT_APPLY_PLACE_PAVE -containerize PUT_APPLY_PLACE_PAVE -containerise PUT_APPLY_PLACE_PAVE -contaminate DIRTY -pollute DIRTY -scorn DISLIKE REFUSE -disdain DISLIKE REFUSE -desdeñar DISLIKE REFUSE -contemn DISLIKE -despise DISLIKE -se_recueillir THINK -contempler THINK -synchronise ADJUST_CORRECT MATCH HAPPEN_OCCUR -sincronizar ADJUST_CORRECT MATCH HAPPEN_OCCUR -synchronize ADJUST_CORRECT MATCH HAPPEN_OCCUR -contemporize HAPPEN_OCCUR -contemporise HAPPEN_OCCUR -ajustar_al_tiempo HAPPEN_OCCUR -synchroniser HAPPEN_OCCUR -forcejear BEHAVE FIGHT TRAVEL -lidiar FIGHT -combattre FIGHT -pugnar FIGHT TRY -lutter FIGHT TRY -esforzarse_con_denuedo FIGHT -grapple CATCH FACE_CHALLENGE -ingeniarse FACE_CHALLENGE -make_do FACE_CHALLENGE -cope FACE_CHALLENGE -industriarse FACE_CHALLENGE -grapar ATTACH FACE_CHALLENGE -get_by ABSTAIN_AVOID_REFRAIN FACE_CHALLENGE OVERCOME_SURPASS -rebatir ANSWER DISCUSS PROVE CRITICIZE -repugn CRITICIZE -contest CRITICIZE -content CAUSE-MENTAL-STATE -contentarse CAUSE-MENTAL-STATE -go_forward GO-FORWARD -remain REMAIN LEAVE-BEHIND -stay_on REMAIN -rester REMAIN -restar REMAIN REMOVE_TAKE-AWAY_KIDNAP LEAVE-BEHIND -go_along SPEND-TIME_PASS-TIME ALLY_ASSOCIATE_MARRY CONTINUE -continuer CONTINUE -guardar WATCH_LOOK-OUT HELP_HEAL_CARE_CURE CONTINUE RETAIN_KEEP_SAVE-MONEY CANCEL_ELIMINATE RECORD REMAIN FILL PRESS_PUSH_FOLD -persist_in CONTINUE -retain REMEMBER RETAIN_KEEP_SAVE-MONEY CONTINUE -keep_on CONTINUE -contort SHAPE -distorsionar BREAK_DETERIORATE REPRESENT SHAPE -déformer SHAPE -wring HURT_HARM_ACHE EXTRACT SHAPE STEAL_DEPRIVE -contour ENCLOSE_WRAP -contredanse DANCE -country-dance DANCE -contra_danse DANCE -contradance DANCE -contracter REDUCE_DIMINISH CONTRACT-AN-ILLNESS_INFECT -rétrécir REDUCE_DIMINISH -shrink SPOIL REDUCE_DIMINISH MOVE-BACK -achicarse REDUCE_DIMINISH -contraerse REDUCE_DIMINISH MOVE-BACK PRESS_PUSH_FOLD -embaucher HIRE -sign_up HIRE ALLY_ASSOCIATE_MARRY -engager HIRE -sign_on HIRE -enrôler HIRE -contractar ALLY_ASSOCIATE_MARRY -choper CONTRACT-AN-ILLNESS_INFECT -contract_in AGREE_ACCEPT -contract_out ASSIGN-smt-to-smn REFUSE -oppose COMPENSATE FACE_CHALLENGE OPPOSE_REBEL_DISSENT RESIST -controvert PROVE OPPOSE_REBEL_DISSENT -contradistinguish DISTINGUISH_DIFFER -contraindicate WARN -contraindicar WARN -contrastar OVERCOME_SURPASS DISTINGUISH_DIFFER -contrast DISTINGUISH_DIFFER -contraponer COMPENSATE DISTINGUISH_DIFFER -contrastarse DISTINGUISH_DIFFER -contraster_avec PERFORM DISTINGUISH_DIFFER -counterpoint PERFORM DISTINGUISH_DIFFER -être_en_contradiction DISTINGUISH_DIFFER -contraponerse DISTINGUISH_DIFFER -design PLAN_SCHEDULE CREATE_MATERIALIZE IMAGINE REQUIRE_NEED_WANT_HOPE -planifier PLAN_SCHEDULE CREATE_MATERIALIZE -inventer CREATE_MATERIALIZE -forge MOUNT_ASSEMBLE_PRODUCE FAKE CREATE_MATERIALIZE INCREASE_ENLARGE_MULTIPLY GO-FORWARD -invent CREATE_MATERIALIZE DECEIVE -inventar CREATE_MATERIALIZE DECEIVE IMAGINE -devise CREATE_MATERIALIZE GIVE_GIFT ORGANIZE -master SUBJUGATE KNOW LEARN OVERCOME_SURPASS -operate MANAGE HELP_HEAL_CARE_CURE HAPPEN_OCCUR OPERATE DIRECT_AIM_MANEUVER -operar OPERATE HELP_HEAL_CARE_CURE MANAGE -keep_in_line MANAGE -manipulate TOUCH MANAGE DECEIVE FAKE -manipular MANAGE FAKE CATCH DECEIVE TOUCH -rebut PROVE DISCUSS -refute PROVE DISCUSS -se_remettre_sur_pied HELP_HEAL_CARE_CURE -convalesce HELP_HEAL_CARE_CURE -recover HELP_HEAL_CARE_CURE USE REPAIR_REMEDY OBTAIN RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -recuperate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND HELP_HEAL_CARE_CURE OBTAIN -curarse HELP_HEAL_CARE_CURE -se_rétablir HELP_HEAL_CARE_CURE -se_remettre HELP_HEAL_CARE_CURE -convalescer HELP_HEAL_CARE_CURE -convalecer HELP_HEAL_CARE_CURE -convect AIR -conducir_calor AIR -convene SUMMON MEET -convoke SUMMON -conventionalize REPRESENT WELCOME -convencionalizar REPRESENT WELCOME -conventionalise WELCOME -stylise REPRESENT -stylize REPRESENT -estilizar REPRESENT EMBELLISH -converge REACH COMBINE_MIX_UNITE GO-FORWARD -convergir REACH COMBINE_MIX_UNITE -confluir COMBINE_MIX_UNITE GO-FORWARD -converse SPEAK -conversar SPEAK -departir SPEAK -discursar SPEAK -discourse SPEAK DISCUSS -win_over PERSUADE -convince PERSUADE -transmutar CHANGE-APPEARANCE/STATE SCORE -se_convertir CHANGE-APPEARANCE/STATE -convict DECREE_DECLARE -déclarer_coupable DECREE_DECLARE -declarar_culpable DECREE_DECLARE -hallar_culpable DECREE_DECLARE -twist_around DECEIVE -sophisticate CHANGE-APPEARANCE/STATE DECEIVE DEBASE_ADULTERATE COMPLEXIFY -convolute ROLL DECEIVE -convolve ROLL -rizar ROLL -convoyar ACCOMPANY -convoy ACCOMPANY -convulse TRAVEL MOVE-SOMETHING LAUGH PRESS_PUSH_FOLD -trillar TRAVEL HIT -vapulear TRAVEL -jactitate TRAVEL -thrash_about TRAVEL -thresh MOVE-ONESELF TRAVEL HIT -thresh_about TRAVEL -convelerse TRAVEL -moverse_agitadamente TRAVEL -dar_vueltas PLAY_SPORT/GAME MOVE-ONESELF TRAVEL FLY OVERCOME_SURPASS -slash CUT REDUCE_DIMINISH TRAVEL HIT -acuchillar CUT TRAVEL -crispar CAUSE-MENTAL-STATE LAUGH -matar_de_risa LAUGH -coo MAKE-A-SOUND SPEAK -zurear MAKE-A-SOUND -arrullar MAKE-A-SOUND SPEAK DECEIVE -cuisiner COOK -ready PREPARE COOK -prepare COOK PREPARE STUDY ORGANIZE PERFORM TEACH -cuire COOK -cook PREPARE COOK FAKE -guisar COOK -cocinar COOK -prêt PREPARE COOK -préparer PREPARE COOK EMBELLISH -wangle DECEIVE FAKE -kick_one's_heels SPEND-TIME_PASS-TIME -cool_one's_heels SPEND-TIME_PASS-TIME -coop_up ISOLATE -coop_in ISOLATE -construir_barriles MOUNT_ASSEMBLE_PRODUCE -cooper MOUNT_ASSEMBLE_PRODUCE -organise MOUNT_ASSEMBLE_PRODUCE MANAGE ALLY_ASSOCIATE_MARRY ORGANIZE -coordonner ORGANIZE -organize MOUNT_ASSEMBLE_PRODUCE MANAGE ALLY_ASSOCIATE_MARRY ORGANIZE -chivarse STEAL_DEPRIVE -glom CATCH STEAL_DEPRIVE -knock_off FINISH_CONCLUDE_END KILL WRITE REDUCE_DIMINISH STEAL_DEPRIVE -thieve STEAL_DEPRIVE -opt_out CHOOSE -prétexte CHOOSE -pretexto CHOOSE -optar_por_no_hacerlo CHOOSE -cop_out CHOOSE -cope_with SATISFY_FULFILL -s'acquitter_de SATISFY_FULFILL -hacer_frente SATISFY_FULFILL ORIENT -lidiar_con SATISFY_FULFILL -copolymerise CONVERT -copolymerize CONVERT -encobrar COVER_SPREAD_SURMOUNT -copper COVER_SPREAD_SURMOUNT -copper-bottom LOAD_PROVIDE_CHARGE_FURNISH -enfondar_con_cobre LOAD_PROVIDE_CHARGE_FURNISH -copulate HAVE-SEX -couple HAVE-SEX GROUP JOIN_CONNECT -emparejarse HAVE-SEX GROUP -pair COMBINE_MIX_UNITE JOIN_CONNECT BORDER HAVE-SEX GROUP -aparear HAVE-SEX GROUP -aparearse HAVE-SEX GROUP -copy SIMULATE COPY -copiar SIMULATE FAKE COPY -re-create CREATE_MATERIALIZE IMAGINE COPY -recréer CREATE_MATERIALIZE IMAGINE COPY -replicate BEND REPEAT COPY -copier SIMULATE -imitate WRITE SIMULATE -imiter SIMULATE -copy_out WRITE -copyedit ADJUST_CORRECT -subedit ADJUST_CORRECT -copyread ADJUST_CORRECT -copyright PROTECT -corbel LOAD_PROVIDE_CHARGE_FURNISH -poner_vigas LOAD_PROVIDE_CHARGE_FURNISH -cord SECURE_FASTEN_TIE -rope_in DIVIDE PERSUADE -cordon_off DIVIDE -rope_off DIVIDE -corduroy MOUNT_ASSEMBLE_PRODUCE -hacer_de_rollizos MOUNT_ASSEMBLE_PRODUCE -core CAVE_CARVE -hollow_out CAVE_CARVE -ahuecar RAISE MOVE-SOMETHING CAVE_CARVE -core_out CAVE_CARVE -hollow EXTRACT CAVE_CARVE -excavar FIND EXTRACT CAVE_CARVE -encorchar CLOSE -cork_up CLOSE -cork CLOSE FILL -boucher CLOSE FILL -rellenar_con_corcho FILL -tapar_con_corcho FILL -desenroscar UNFASTEN_UNFOLD RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND GO-FORWARD -girar_en_espiral GO-FORWARD -enroscarse WEAVE TRAVEL GO-FORWARD -corkscrew GO-FORWARD -desenroscarse GO-FORWARD -saler AROUSE_WAKE_ENLIVEN COOK COVER_SPREAD_SURMOUNT NOURISH_FEED PRESERVE -corn NOURISH_FEED PRESERVE -poner_en_salmuera PRESERVE -tree GROW_PLOW STOP CHASE EXTEND -forcer_à_se_réfugier_dans_un_arbre GROW_PLOW STOP CHASE EXTEND -acorralar CATCH ENCLOSE_WRAP STOP AMASS -corner TURN_CHANGE-DIRECTION MANAGE STOP -poner_cornizas LOAD_PROVIDE_CHARGE_FURNISH -cornice LOAD_PROVIDE_CHARGE_FURNISH -crown ASSIGN-smt-to-smn FINISH_CONCLUDE_END COVER_SPREAD_SURMOUNT -coronate ASSIGN-smt-to-smn -corral ENCLOSE_WRAP SORT_CLASSIFY_ARRANGE AMASS -decline INCLINE REFUSE CHANGE-APPEARANCE/STATE WORSEN REDUCE_DIMINISH -slump FALL_SLIDE-DOWN CHANGE-APPEARANCE/STATE REDUCE_DIMINISH -disciplinar PUNISH -correlate MATCH CORRELATE -correlacionar MATCH CORRELATE -equipararse CALCULATE_ESTIMATE -corresponderse CALCULATE_ESTIMATE -stand_for REPRESENT TOLERATE MEAN -personnifier REPRESENT -escribirse COMMUNICATE_CONTACT -comunicarse COMMUNICATE_CONTACT -validate AUTHORIZE_ADMIT PROVE -validar AUTHORIZE_ADMIT PROVE -oxidarse COMBINE_MIX_UNITE CORRODE_WEAR-AWAY_SCRATCH -corrode CORRODE_WEAR-AWAY_SCRATCH -corroer CAUSE-MENTAL-STATE CORRODE_WEAR-AWAY_SCRATCH -rust CORRODE_WEAR-AWAY_SCRATCH COVER_SPREAD_SURMOUNT -corroder CORRODE_WEAR-AWAY_SCRATCH -aherrumbrarse CORRODE_WEAR-AWAY_SCRATCH -herrumbrar CORRODE_WEAR-AWAY_SCRATCH -oxidar COMBINE_MIX_UNITE CORRODE_WEAR-AWAY_SCRATCH -aherrumbrar CORRODE_WEAR-AWAY_SCRATCH -corrugar PRESS_PUSH_FOLD -corrugate PRESS_PUSH_FOLD -vitiate CANCEL_ELIMINATE DEBASE_ADULTERATE -profaner DEBASE_ADULTERATE VIOLATE -profane DEBASE_ADULTERATE VIOLATE -deprave DEBASE_ADULTERATE -solo_miembro_embrujar DEBASE_ADULTERATE -depravar DEBASE_ADULTERATE -subvertir DESTROY DEBASE_ADULTERATE -vicier CANCEL_ELIMINATE DEBASE_ADULTERATE -misdirect MISTAKE DEBASE_ADULTERATE DIRECT_AIM_MANEUVER -profanar COMMUNE DEBASE_ADULTERATE VIOLATE -debauch DEBASE_ADULTERATE -viciar CANCEL_ELIMINATE DEBASE_ADULTERATE -corrompre DEBASE_ADULTERATE -corset DRESS_WEAR -encorsetar DRESS_WEAR -sparkle EXIST-WITH-FEATURE LIGHT_SHINE CHANGE-APPEARANCE/STATE -scintillate EXIST-WITH-FEATURE LIGHT_SHINE -coruscate EXIST-WITH-FEATURE LIGHT_SHINE -chispear LIGHT_SHINE FALL_SLIDE-DOWN METEOROLOGICAL -cosh HIT -copatrocinar FOLLOW_SUPPORT_SPONSOR_FUND -cosponsor FOLLOW_SUPPORT_SPONSOR_FUND -costume LOAD_PROVIDE_CHARGE_FURNISH DRESS_WEAR -disfrazar DRESS_WEAR DECEIVE -aficionarse LIKE -cotton LIKE -play_up BEHAVE EMPHASIZE -sidle_up BEHAVE -shine_up BEHAVE -cozy_up BEHAVE -cotton_up BEHAVE -toser EXCRETE -tos EXCRETE -cough EXCRETE -spit_up GIVE_GIFT EXCRETE -cough_out EXCRETE -cough_up GIVE_GIFT EXCRETE -spit_out SPEAK EXCRETE -desembolsar GIVE_GIFT PAY -soltar_pasta GIVE_GIFT -pony_up GIVE_GIFT -soltar STRAIGHTEN SPEAK UNFASTEN_UNFOLD LIBERATE_ALLOW_AFFORD GIVE_GIFT REDUCE_DIMINISH -escupir METEOROLOGICAL GIVE_GIFT EXCRETE GO-FORWARD -enumerate COUNT EXPLAIN -enumerar COUNT EXPLAIN -nombrer COUNT -numerate COUNT READ -dénombrer COUNT -pesar EXIST-WITH-FEATURE BURDEN_BEAR MEASURE_EVALUATE -matter EXIST-WITH-FEATURE -count_down COUNT -count_off COUNT -count_out DECREE_DECLARE -counter-drill HOLE_PIERCE -countercheck ANALYZE OPPOSE_REBEL_DISSENT -revérifier ANALYZE OPPOSE_REBEL_DISSENT -countermine DESTROY -sabotage DESTROY -sabotear DESTROY -countervail COMPENSATE -neutralize STOP COMPENSATE CONVERT KILL WEAKEN -neutraliser STOP COMPENSATE CONVERT KILL WEAKEN -counterstrike ATTACK_BOMB -contraatacar ATTACK_BOMB -counterattack ATTACK_BOMB -contrabalancear COMPENSATE -counterchallenge OPPOSE_REBEL_DISSENT -counterchange REPLACE -counterclaim ASK_REQUEST -contrademandar ASK_REQUEST -forjar MOUNT_ASSEMBLE_PRODUCE INFLUENCE FAKE SHAPE -falsifier FAKE -contrahacer FAKE -counterfeit FAKE -contrefaire FAKE -countermarch SORT_CLASSIFY_ARRANGE MOVE-BACK -contramaniobrar PLAN_SCHEDULE -counterplot PLAN_SCHEDULE -contrapuntear PERFORM SING -counterpose COMPENSATE -counterpoise COMPENSATE -counterweight COMPENSATE -contrafirmar ADD -refrendar ADD -contresigner ADD -countersign ADD -avellanar HOLE_PIERCE -countersink HOLE_PIERCE -pair_off GROUP -partner_off GROUP -couple_up JOIN_CONNECT -couple_on JOIN_CONNECT -twin MATCH DEVELOP_AGE GIVE-BIRTH JOIN_CONNECT -accoupler JOIN_CONNECT -course HUNT TRAVEL FLOW -feed CAUSE-MENTAL-STATE BENEFIT_EXPLOIT GROW_PLOW INCREASE_ENLARGE_MULTIPLY EAT_BITE NOURISH_FEED INSERT FLOW -flow EXIST-WITH-FEATURE SPILL_POUR HANG COVER_SPREAD_SURMOUNT EXCRETE FLOW GO-FORWARD -fluir FLOW GO-FORWARD -manar MAKE-A-SOUND BEGIN EXCRETE FLOW GO-FORWARD -galantear COURT -woo FLATTER COURT -court FLATTER COURT -buscar_el_favor FLATTER -jotear FLATTER -pololear FLATTER -court-martial SUBJECTIVE-JUDGING -court_favor FLATTER -curry_favor FLATTER -curry_favour FLATTER -court_favour FLATTER -hacer_la_pelota FLATTER -covenant ALLY_ASSOCIATE_MARRY SETTLE_CONCILIATE -underwrite FOLLOW_SUPPORT_SPONSOR_FUND PROTECT -respaldar_financieramente PROTECT -spread_over COVER_SPREAD_SURMOUNT -traverser REACH -traverse REACH REFUSE EXTEND -cut_across REACH CUT OVERCOME_SURPASS -cut_through REACH -pass_over MISS_OMIT_LACK CORRODE_WEAR-AWAY_SCRATCH REACH TRAVEL FLY -overlay COVER_SPREAD_SURMOUNT KILL -couvrir COVER_SPREAD_SURMOUNT -cover_up CLOUD_SHADOW_HIDE -shroud ENCLOSE_WRAP COVER_SPREAD_SURMOUNT -enshroud COVER_SPREAD_SURMOUNT -cover_for JUSTIFY_EXCUSE -covet REQUIRE_NEED_WANT_HOPE -codiciar REQUIRE_NEED_WANT_HOPE -amenazar CAUSE-MENTAL-STATE ENDANGER HAPPEN_OCCUR SPEAK SIGNAL_INDICATE OVERCOME_SURPASS -acobardar CAUSE-MENTAL-STATE -cow CAUSE-MENTAL-STATE -overawe CAUSE-MENTAL-STATE -vaca CAUSE-MENTAL-STATE -cower SHOW LOWER -huddle MEET LOWER -cringe SHOW MOVE-BACK -creep COVER_SPREAD_SURMOUNT SHOW MOVE-ONESELF TRAVEL -crawl EXIST-WITH-FEATURE SHOW MOVE-ONESELF TRAVEL FEEL -grovel SHOW -cowhide HIT -dar_de_vaquetazos HIT -encapuchar DRESS_WEAR -cowl DRESS_WEAR -cox LEAD_GOVERN -hacer_de_timonel LEAD_GOVERN -cozen DECEIVE STEAL_DEPRIVE -delude DECEIVE -lead_on DECEIVE INCITE_INDUCE -restallar MAKE-A-SOUND MOVE-ONESELF -crujir MAKE-A-SOUND HIT -cuartear BREAK_DETERIORATE SEPARATE_FILTER_DETACH DIVIDE KILL -cuartearse BREAK_DETERIORATE -crackle BREAK_DETERIORATE MAKE-A-SOUND -crepitate MAKE-A-SOUND -crepitar MAKE-A-SOUND -scranch MAKE-A-SOUND -scraunch MAKE-A-SOUND -lavar_en_batea WASH_CLEAN -dar_un_baño WASH_CLEAN -bercer DEVELOP_AGE CUT CATCH RUN WASH_CLEAN PUT_APPLY_PLACE_PAVE -cradle DEVELOP_AGE CUT CATCH RUN WASH_CLEAN PUT_APPLY_PLACE_PAVE -acunar CATCH -craft MOUNT_ASSEMBLE_PRODUCE -cramp ATTACH STOP HURT_HARM_ACHE -halter STOP KILL -acalambrar STOP -hamper STOP COMPLEXIFY -cranch PRESS_PUSH_FOLD -triturar BREAK_DETERIORATE HURT_HARM_ACHE PRESS_PUSH_FOLD -craunch PRESS_PUSH_FOLD -stretch_out LIE EXTEND -crane EXTEND -estirar TIGHTEN HELP_HEAL_CARE_CURE INCREASE_ENLARGE_MULTIPLY STRAIGHTEN COVER_SPREAD_SURMOUNT PULL EXTEND -crank MOVE-ONESELF SECURE_FASTEN_TIE TRAVEL START-FUNCTIONING SHAPE -zigzag TRAVEL -zigzaguear MOVE-ONESELF TRAVEL EXTEND -crank_up MOVE-ONESELF START-FUNCTIONING -encender_con_manivela START-FUNCTIONING -reproducir TRANSMIT MOUNT_ASSEMBLE_PRODUCE REPEAT COPY GIVE-BIRTH -crank_out MOUNT_ASSEMBLE_PRODUCE -grind_out MOUNT_ASSEMBLE_PRODUCE -crap_up STOP -enmierdar STOP -crepe COVER_SPREAD_SURMOUNT -crape ROLL COVER_SPREAD_SURMOUNT -kink ROLL -s'entortiller ROLL -frizzle ROLL COOK -rizarse ROLL -crimp ROLL PRESS_PUSH_FOLD -retorcer TURN_CHANGE-DIRECTION HURT_HARM_ACHE MOVE-ONESELF ROLL EXTRACT -kink_up ROLL -encrespar ROLL RAISE MOVE-ONESELF CAUSE-MENTAL-STATE -frizz ROLL -moverse_ruidosamente OVERCOME_SURPASS -tirar_violentamente THROW -dash CAUSE-MENTAL-STATE COMBINE_MIX_UNITE DESTROY THROW FAIL_LOSE RUN -destruirse FALL_SLIDE-DOWN -colarse CIRCULATE_SPREAD_DISTRIBUTE MISTAKE STAY_DWELL -instalarse GO-FORWARD STAY_DWELL -dejar_de_funcionar STOP -doss_down STAY_DWELL -doss STAY_DWELL -sumergirse_rápidamente FALL_SLIDE-DOWN -crash-dive FALL_SLIDE-DOWN -crash_land LAND_GET-OFF -aterrizar_de_emergencia LAND_GET-OFF -crate PUT_APPLY_PLACE_PAVE -crave ASK_REQUEST REQUIRE_NEED_WANT_HOPE -solliciter ASK_REQUEST HOST_MEAL_INVITE -thirst HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE -hunger HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE -avoir_faim HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE -avoir_soif HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE -starve STEAL_DEPRIVE HURT_HARM_ACHE KILL REQUIRE_NEED_WANT_HOPE -lust REQUIRE_NEED_WANT_HOPE -rampar TRAVEL -gatear TRAVEL -reptar TRAVEL -ramper TRAVEL -nadar_crol MOVE-ONESELF -crayon WRITE -craze CAUSE-MENTAL-STATE EMBELLISH -volver_loco CAUSE-MENTAL-STATE -madden CAUSE-MENTAL-STATE -enloquecer CAUSE-MENTAL-STATE -whine MAKE-A-SOUND SPEAK TRAVEL OPPOSE_REBEL_DISSENT -skreak MAKE-A-SOUND SHOUT -squeak MAKE-A-SOUND -screak MAKE-A-SOUND SHOUT -creak MAKE-A-SOUND -screech MAKE-A-SOUND SHOUT -skim_off REMOVE_TAKE-AWAY_KIDNAP CHOOSE -espumar REMOVE_TAKE-AWAY_KIDNAP CHANGE-APPEARANCE/STATE -skim REMOVE_TAKE-AWAY_KIDNAP MOVE-ONESELF GO-FORWARD ANALYZE COVER_SPREAD_SURMOUNT JUMP READ -cream_off REMOVE_TAKE-AWAY_KIDNAP CHOOSE -desnatar REMOVE_TAKE-AWAY_KIDNAP -enlever REMOVE_TAKE-AWAY_KIDNAP CHOOSE STEAL_DEPRIVE -crease CORRODE_WEAR-AWAY_SCRATCH PRESS_PUSH_FOLD -arrugarse PRESS_PUSH_FOLD -scrunch MAKE-A-SOUND LIE PRESS_PUSH_FOLD -crisp COOK PRESS_PUSH_FOLD -ruckle MAKE-A-SOUND PRESS_PUSH_FOLD -scrunch_up LIE PRESS_PUSH_FOLD -crinkle PRESS_PUSH_FOLD -wrinkle PRESS_PUSH_FOLD -écraser MAKE-A-SOUND LIE PRESS_PUSH_FOLD -rake CORRODE_WEAR-AWAY_SCRATCH MOVE-SOMETHING ANALYZE FLATTEN_SMOOTHEN GROUP SHOOT_LAUNCH_PROPEL -raspar CORRODE_WEAR-AWAY_SCRATCH CAVE_CARVE -rastrillar GROUP CORRODE_WEAR-AWAY_SCRATCH FLATTEN_SMOOTHEN WASH_CLEAN -rascar TOUCH CORRODE_WEAR-AWAY_SCRATCH HURT_HARM_ACHE -create MOUNT_ASSEMBLE_PRODUCE CREATE_MATERIALIZE ESTABLISH ASSIGN-smt-to-smn CARRY-OUT-ACTION -créer CREATE_MATERIALIZE ESTABLISH -create_by_mental_act CREATE_MATERIALIZE -create_mentally CREATE_MATERIALIZE -partir_de_cero MOUNT_ASSEMBLE_PRODUCE -comenzar_de_cero MOUNT_ASSEMBLE_PRODUCE -create_from_raw_stuff MOUNT_ASSEMBLE_PRODUCE -create_from_raw_material MOUNT_ASSEMBLE_PRODUCE -create_verbally CREATE_MATERIALIZE -abonar PAY ASCRIBE GROW_PLOW COVER_SPREAD_SURMOUNT ADD -créditer ADD -mouse OPERATE MOVE-ONESELF -chasser_les_souris OPERATE MOVE-ONESELF -pussyfoot MOVE-ONESELF -escabullirse MOVE-ONESELF RUN LEAVE_DEPART_RUN-AWAY GO-FORWARD STEAL_DEPRIVE -caminar_de_puntillas MOVE-ONESELF -creep_in ENTER -resquiller INSERT ENTER -sneak_in INSERT ENTER -creep_up GO-FORWARD -sneak_up GO-FORWARD -cremate BURN -almenar MOUNT_ASSEMBLE_PRODUCE -crenellate MOUNT_ASSEMBLE_PRODUCE -crenelate MOUNT_ASSEMBLE_PRODUCE -crenel MOUNT_ASSEMBLE_PRODUCE -creolize CHANGE-APPEARANCE/STATE -creosote TREAT-WITH/BY -creosotar TREAT-WITH/BY -crescendo INCREASE_ENLARGE_MULTIPLY -crew WORK -tripular LOAD_PROVIDE_CHARGE_FURNISH WORK -crib ENCLOSE_WRAP FAKE STEAL_DEPRIVE -crick ROLL -cricket PLAY_SPORT/GAME -criminaliser TREAT PRECLUDE_FORBID_EXPEL -proscribir DISMISS_FIRE-SMN PRECLUDE_FORBID_EXPEL -criminalizar PRECLUDE_FORBID_EXPEL -criminalise PRECLUDE_FORBID_EXPEL -criminalize TREAT PRECLUDE_FORBID_EXPEL -illegalize PRECLUDE_FORBID_EXPEL -outlaw PRECLUDE_FORBID_EXPEL -ilegalizar PRECLUDE_FORBID_EXPEL -illegalise PRECLUDE_FORBID_EXPEL -illégaliser PRECLUDE_FORBID_EXPEL -penalizar PRECLUDE_FORBID_EXPEL PUNISH -quail MOVE-BACK -funk MOVE-BACK -flinch MOVE-BACK -squinch FACIAL-EXPRESSION BEND MOVE-BACK -wince FACIAL-EXPRESSION MOVE-BACK -tullir HURT_HARM_ACHE WEAKEN -incapacitar STOP HURT_HARM_ACHE DEBASE_ADULTERATE WEAKEN -lame HURT_HARM_ACHE -cripple HURT_HARM_ACHE WEAKEN -stultify PROVE DOWNPLAY_HUMILIATE WEAKEN -inutilizar WEAKEN -lisiar HURT_HARM_ACHE WEAKEN -crispen COOK -toast CELEBRATE_PARTY COOK -crisscross PAINT SIGNAL_INDICATE OVERCOME_SURPASS -entrecruzarse OVERCOME_SURPASS -critiquer CRITICIZE -pick_apart CRITICIZE -criticize CRITICIZE -criticise CRITICIZE -critique SUBJECTIVE-JUDGING -cronk MAKE-A-SOUND -coasser MAKE-A-SOUND -refunfuñar MAKE-A-SOUND OPPOSE_REBEL_DISSENT -gnarl OPPOSE_REBEL_DISSENT SHAPE -murmur SPEAK OPPOSE_REBEL_DISSENT -protubérance OPPOSE_REBEL_DISSENT SHAPE -mutter SPEAK OPPOSE_REBEL_DISSENT -gruñir MAKE-A-SOUND SPEAK SIGNAL_INDICATE OPPOSE_REBEL_DISSENT -grumble MAKE-A-SOUND OPPOSE_REBEL_DISSENT -crochet SEW -hacer_ganchillo SEW WEAVE -crock DIRTY -dar_bocinazos MAKE-A-SOUND -encorvarse CHANGE-APPEARANCE/STATE BEND -crook BEND -croon SING -canturrear SING -brouter NOURISH_FEED TRAVEL WORK -paître NOURISH_FEED -pâturer NOURISH_FEED -rapar CUT -pop_up APPEAR -crop_up APPEAR -croquet PLAY_SPORT/GAME HIT -hybridize GIVE-BIRTH -crossbreed GIVE-BIRTH -hibridizar GIVE-BIRTH -hybridise GIVE-BIRTH -interbreed GIVE-BIRTH -cruzarse OVERLAP OVERCOME_SURPASS -intersecar OVERLAP -intersect OVERLAP -intersectar OVERLAP -intersecarse OVERLAP -span EXTEND -volver_cruz MOVE-SOMETHING -cross-check VERIFY -cross-dress DRESS_WEAR -cross-fertilize GROW_PLOW COMBINE_MIX_UNITE -cross-fertilise GROW_PLOW COMBINE_MIX_UNITE -cross-file COMPETE -inscribir CORRODE_WEAR-AWAY_SCRATCH RECORD SPEAK CAVE_CARVE PAINT COMPETE HIRE -register PERFORM REQUIRE_NEED_WANT_HOPE APPEAR RECORD SEND COMPETE PERCEIVE RECOGNIZE_ADMIT_IDENTIFY -cross-index SORT_CLASSIFY_ARRANGE -cross-link JOIN_CONNECT -pollenate HAVE-SEX -cross-pollinate HAVE-SEX -pollinate HAVE-SEX -polinizar HAVE-SEX -cross-refer CITE -remitir CITE CANCEL_ELIMINATE SEND DRIVE-BACK UNFASTEN_UNFOLD REDUCE_DIMINISH -reenviar CITE SEND -cross_examine ASK_REQUEST -cross_question ASK_REQUEST -cross_out CANCEL_ELIMINATE -strike_out BEGIN MOVE-ONESELF CANCEL_ELIMINATE FAIL_LOSE DEFEAT DRIVE-BACK -strike_off CANCEL_ELIMINATE -cross_off CANCEL_ELIMINATE -santiguarse SIGN -cross_oneself SIGN -crosscut CUT -crosshatch PAINT -crossruff WIN -acuclillarse LIE -être_accroupi LIE -ponerse_de_cuclillas LIE -squat EXIST-WITH-FEATURE LIE STAY_DWELL -hunker_down BEHAVE TAKE-SHELTER LIE -ponerse_en_cuclillas LIE -agacharse FALL_SLIDE-DOWN LOWER BEND LIE -hunker LIE -crow MAKE-A-SOUND SHOUT ENJOY -deleitarse CAUSE-MENTAL-STATE LIKE ENJOY -gloat ENJOY SEE -regodearse ENJOY -complacerse CAUSE-MENTAL-STATE ENJOY -triumph CAUSE-MENTAL-STATE WIN ENJOY -crowd DEVELOP_AGE FILL GROUP -llenar AMASS ABSORB FILL PRESS_PUSH_FOLD GROUP -arrimar GROUP -crowd_together GROUP -desbordar FILL OVERCOME_SURPASS -agolpar FILL -herd MOVE-SOMETHING GROUP GO-FORWARD -crowd_out DRIVE-BACK -crucifier KILL -cruise SEARCH TRAVEL GO-FORWARD -hacer_un_crucero TRAVEL -crumb REMOVE_TAKE-AWAY_KIDNAP COVER_SPREAD_SURMOUNT BREAK_DETERIORATE -miette REMOVE_TAKE-AWAY_KIDNAP COVER_SPREAD_SURMOUNT BREAK_DETERIORATE -desmigajar BREAK_DETERIORATE -derruirse BREAK_DETERIORATE -dilapidate BREAK_DETERIORATE -corromperse BREAK_DETERIORATE DESTROY WEAKEN -dilapidar BREAK_DETERIORATE WASTE -decaer BREAK_DETERIORATE WORSEN INCLINE WEAKEN -arruinarse BREAK_DETERIORATE -deteriorarse BREAK_DETERIORATE WORSEN LOSE DESTROY -deteriorar BREAK_DETERIORATE WORSEN REDUCE_DIMINISH DEBASE_ADULTERATE -decay BREAK_DETERIORATE LOSE DESTROY -délabrer BREAK_DETERIORATE -crump MAKE-A-SOUND ATTACK_BOMB EXPLODE -thud MAKE-A-SOUND HIT -ronzar EAT_BITE -munch EAT_BITE -curruscar EAT_BITE -ronchar EAT_BITE -magullar HURT_HARM_ACHE -derruir CAUSE-MENTAL-STATE DESTROY -demolish CAUSE-MENTAL-STATE DESTROY DEFEAT -hacer_añicos BREAK_DETERIORATE -abrumar CAUSE-MENTAL-STATE BURDEN_BEAR DEFEAT SUBJUGATE ASSIGN-smt-to-smn OVERCOME_SURPASS -oppress SUBJUGATE HURT_HARM_ACHE -oprimir SUBJUGATE -acercar_los_dedos PRESS_PUSH_FOLD -froisser PRESS_PUSH_FOLD -squash PRESS_PUSH_FOLD -broyer PRESS_PUSH_FOLD -squelch SUBJUGATE MAKE-A-SOUND TRAVEL PRESS_PUSH_FOLD -pincer PRESS_PUSH_FOLD -opprimer PRESS_PUSH_FOLD -laminer PRESS_PUSH_FOLD -stub_out FINISH_CONCLUDE_END -crush_out FINISH_CONCLUDE_END -press_out PRESS_PUSH_FOLD FINISH_CONCLUDE_END EXTRACT -crust CHANGE-APPEARANCE/STATE -weep CRY -pleurer EXCRETE CRY -lagrimar CRY -chialer CRY -cry_out_for REQUIRE_NEED_WANT_HOPE -cry_for REQUIRE_NEED_WANT_HOPE -cristalizarse CHANGE-APPEARANCE/STATE -cristalliser CHANGE-APPEARANCE/STATE -cub GIVE-BIRTH -parir_cachorros GIVE-BIRTH -cube INCREASE_ENLARGE_MULTIPLY SHAPE -cortar_a_dados SHAPE -cubicar SHAPE -dice PLAY_SPORT/GAME SHAPE -cuckoo REPEAT -se_blottir TOUCH LIE -cuddle TOUCH LIE -câliner TOUCH -arrimarse LIE -abrazarse LIE -se_ramasser LIE -se_recroqueviller LIE -se_pelotonner LIE -nestle PUT_APPLY_PLACE_PAVE LIE -nest INSERT GROUP LIE STAY_DWELL -nuzzle TOUCH EXTRACT LIE -snuggle PUT_APPLY_PLACE_PAVE LIE -fustigate HIT -cudgel HIT -dar_garrotazos HIT -remind REMEMBER HELP_HEAL_CARE_CURE -cue HELP_HEAL_CARE_CURE -rappeler REMEMBER HELP_HEAL_CARE_CURE -cuff STOP HIT -dar_un_manotazo HIT -whomp DEFEAT HIT -esposar STOP -handcuff STOP -manacle STOP -cull REMOVE_TAKE-AWAY_KIDNAP GROUP -desplumar REMOVE_TAKE-AWAY_KIDNAP GROUP REQUIRE_NEED_WANT_HOPE -pluck REMOVE_TAKE-AWAY_KIDNAP REQUIRE_NEED_WANT_HOPE OBTAIN PULL GROUP -vanner CHOOSE BREATH_BLOW AIR -cull_out CHOOSE -winnow CHOOSE BREATH_BLOW AIR -naturalise CONVERT CHANGE-APPEARANCE/STATE HARMONIZE -naturalize CONVERT CHANGE-APPEARANCE/STATE HARMONIZE EXPLAIN -naturalizar CONVERT CHANGE-APPEARANCE/STATE HARMONIZE -domesticate HARMONIZE TEACH -culture GROW_PLOW -appliquer_des_ventouses_sur PUT_APPLY_PLACE_PAVE HELP_HEAL_CARE_CURE SHAPE -cup PUT_APPLY_PLACE_PAVE HELP_HEAL_CARE_CURE SHAPE -acoparse SHAPE -transfuser SPILL_POUR INSERT GIVE_GIFT HELP_HEAL_CARE_CURE -transfuse SPILL_POUR INSERT GIVE_GIFT HELP_HEAL_CARE_CURE -aplicar_tazas HELP_HEAL_CARE_CURE -transfundir INSERT GIVE_GIFT HELP_HEAL_CARE_CURE -cunetear RESTRAIN -pasarse FINISH_CONCLUDE_END SPOIL INCREASE_ENLARGE_MULTIPLY -curl_up ROLL -friser ROLL -curry COOK EMBELLISH TREAT-WITH/BY -preparar_al_curry COOK -panser EMBELLISH -toiletter EMBELLISH -groom PREPARE EMBELLISH -apprêter EMBELLISH -étriller EMBELLISH -almohazar EMBELLISH -currycomb WASH_CLEAN -excomulgar DRIVE-BACK -excommunicate DRIVE-BACK -unchurch DRIVE-BACK -curtain LOAD_PROVIDE_CHARGE_FURNISH -encortinar LOAD_PROVIDE_CHARGE_FURNISH -curtain_off SEPARATE_FILTER_DETACH -curtsey LOWER -voltear TURN_CHANGE-DIRECTION FALL_SLIDE-DOWN MOVE-ONESELF TRAVEL INVERT_REVERSE -slue TURN_CHANGE-DIRECTION GO-FORWARD -faire_une_embardée TURN_CHANGE-DIRECTION -swerve TURN_CHANGE-DIRECTION -sheer TURN_CHANGE-DIRECTION -veer TURN_CHANGE-DIRECTION -tourner TURN_CHANGE-DIRECTION -slew TURN_CHANGE-DIRECTION GO-FORWARD -virar TURN_CHANGE-DIRECTION MOVE-ONESELF -trend TURN_CHANGE-DIRECTION -retourner TURN_CHANGE-DIRECTION MOVE-BACK INVERT_REVERSE -serpentear MOVE-ONESELF TRAVEL EXTEND -wind TRAVEL ROLL RAISE EXTEND SMELL -curvet JUMP -customize ADJUST_CORRECT -customizar ADJUST_CORRECT -customise ADJUST_CORRECT -custom-make ADJUST_CORRECT -tailor-make ADJUST_CORRECT SEW -personalizar ADJUST_CORRECT CHANGE_SWITCH -personnaliser ADJUST_CORRECT CHANGE_SWITCH -customiser ADJUST_CORRECT -individualiser ADJUST_CORRECT RECOGNIZE_ADMIT_IDENTIFY SHAPE -segar GROUP CUT KILL -snub REFUSE -seccionar CUT DIVIDE SEPARATE_FILTER_DETACH -inciser CUT -edit_out ADJUST_CORRECT -cortarse CUT -thin REDUCE_DIMINISH WEAKEN -thin_out REDUCE_DIMINISH WEAKEN -desleír WEAKEN -tailor HARMONIZE SEW -escamondar REMOVE_TAKE-AWAY_KIDNAP -geld CASTRATE -hacer_novillos MISS_OMIT_LACK -faltar_a_clases MISS_OMIT_LACK -expender PUBLISH CONSUME_SPEND SELL -write_out PUBLISH WRITE -switch_off SWITCH-OFF_TURN-OFF_SHUT-DOWN -turn_off TURN_CHANGE-DIRECTION CAUSE-MENTAL-STATE SWITCH-OFF_TURN-OFF_SHUT-DOWN -cut_away REMOVE_TAKE-AWAY_KIDNAP CHANGE_SWITCH -flash_back MOVE-BACK -cut_corners REDUCE_DIMINISH -pull_down KNOCK-DOWN FLATTEN_SMOOTHEN -push_down KNOCK-DOWN -mow CUT FACIAL-EXPRESSION -faucher CUT KILL -cut_out REMOVE_TAKE-AWAY_KIDNAP FINISH_CONCLUDE_END STOP CANCEL_ELIMINATE SHAPE -fell SPEND-TIME_PASS-TIME KNOCK-DOWN SEW -delve EXTRACT -cut_into EXTRACT -scratch_out CANCEL_ELIMINATE -tarjar CANCEL_ELIMINATE -découper REMOVE_TAKE-AWAY_KIDNAP -truncate REPLACE CALCULATE_ESTIMATE REDUCE_DIMINISH -truncar REDUCE_DIMINISH -cut_to MOVE-ONESELF -trizar DEFEAT -destrizar DEFEAT -cut_to_ribbons DEFEAT -mutilate BREAK_DETERIORATE CHANGE-APPEARANCE/STATE HURT_HARM_ACHE -mangle BREAK_DETERIORATE CHANGE-APPEARANCE/STATE HURT_HARM_ACHE PRESS_PUSH_FOLD -desgarrar BREAK_DETERIORATE CUT -dar_el_hacha REDUCE_DIMINISH -cutinizar CONVERT -cutinize CONVERT -motorcycle MOVE-BY-MEANS-OF -andar_en_motocicleta MOVE-BY-MEANS-OF -ir_en_motocicleta MOVE-BY-MEANS-OF -motorbike MOVE-BY-MEANS-OF -andar_en_moto MOVE-BY-MEANS-OF -andar_en_bici MOVE-BY-MEANS-OF -cycle_on MOVE-BACK -comenzar_un_ciclo MOVE-BACK -cyclostyle PRINT -ciclostilar PRINT -swab PUT_APPLY_PLACE_PAVE WASH_CLEAN -dab TOUCH PUT_APPLY_PLACE_PAVE -swob PUT_APPLY_PLACE_PAVE WASH_CLEAN -dar_golpecitos TOUCH -splash_around PLAY_SPORT/GAME -dabble PLAY_SPORT/GAME WORK MOVE-ONESELF DIP_DIVE -barboter PLAY_SPORT/GAME WORK MOVE-ONESELF DIP_DIVE -coucher_à_droite_et_à_gauche HAVE-SEX WORK -play_around HAVE-SEX WORK -dado LOAD_PROVIDE_CHARGE_FURNISH SHAPE -hacer_un_dado SHAPE -poner_friso LOAD_PROVIDE_CHARGE_FURNISH -daisy-chain JOIN_CONNECT -dawdle BEHAVE WAIT GO-FORWARD -trifle BEHAVE TREAT SPEND-TIME_PASS-TIME -lanterner BEHAVE -toy BEHAVE TOUCH -folâtrer BEHAVE -voltiger BEHAVE -batifoler BEHAVE -dam STOP -dam_up STOP -embalsar STOP -represar STOP -damage BREAK_DETERIORATE -damasquinar EMBELLISH -damascene EMBELLISH -damasquiner EMBELLISH -tone_down STOP REDUCE_DIMINISH -mute STOP -muffle STOP CLOUD_SHADOW_HIDE -humectar WET -hidratar WET -humedecer WET -moisten WET -mojar WET DIP_DIVE -wash EXIST-WITH-FEATURE CORRODE_WEAR-AWAY_SCRATCH MOVE-SOMETHING SEPARATE_FILTER_DETACH WET WASH_CLEAN PUT_APPLY_PLACE_PAVE FLOW -dance DANCE MOVE-ONESELF GO-FORWARD -danzar DANCE MOVE-ONESELF GO-FORWARD -bailar DANCE MOVE-ONESELF GO-FORWARD -trip_the_light_fantastic DANCE -trip_the_light_fantastic_toe DANCE -danser GO-FORWARD -dandify DRESS_WEAR -dandle TOUCH MOVE-SOMETHING -dangle HANG -swing EXIST-WITH-FEATURE TURN_CHANGE-DIRECTION ALTERNATE BEFRIEND HANG MOVE-SOMETHING HIT EXIST_LIVE INFLUENCE HAVE-SEX PERFORM GO-FORWARD -columpiarse HANG GO-FORWARD -balancearse PLAY_SPORT/GAME HANG MOVE-ONESELF -columpearse HANG -pender BURDEN_BEAR PUT_APPLY_PLACE_PAVE SHOW HANG -make_bold BEHAVE -dare BEHAVE FACE_CHALLENGE -defy FACE_CHALLENGE RESIST -osar BEHAVE -atrever BEHAVE -atreverse BEHAVE -darken WORSEN DIM -oscurecerse DIM -oscurecere DIM -zurcir REPAIR_REMEDY -darn REPAIR_REMEDY -remendar_calcetines REPAIR_REMEDY -dart RUN TRAVEL GO-FORWARD -scud RUN MOVE-ONESELF -scoot RUN -flit TRAVEL -daunt CAUSE-MENTAL-STATE -frighten_off CAUSE-MENTAL-STATE -scare_off CAUSE-MENTAL-STATE -scare_away CAUSE-MENTAL-STATE -frighten_away CAUSE-MENTAL-STATE -dash_down WRITE -dash_off WRITE -anotar_apresuradamente WRITE -scratch_off WRITE -fling_off WRITE -date MEET COURT LOCATE-IN-TIME_DATE -datar LOCATE-IN-TIME_DATE HAPPEN_OCCUR -dater LOCATE-IN-TIME_DATE -fechar LOCATE-IN-TIME_DATE -salir_con MEET -tener_una_cita MEET -go_out FAIL_LOSE STOP COURT LEAVE_DEPART_RUN-AWAY -go_steady COURT -date_stamp LOCATE-IN-TIME_DATE -date-mark LOCATE-IN-TIME_DATE -datemark LOCATE-IN-TIME_DATE -dateline LOCATE-IN-TIME_DATE -go_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND MOVE-BACK HAPPEN_OCCUR -remontarse GO-FORWARD HAPPEN_OCCUR -date_back HAPPEN_OCCUR -date_from HAPPEN_OCCUR -remonter HAPPEN_OCCUR -daub PUT_APPLY_PLACE_PAVE COVER_SPREAD_SURMOUNT -enyesar PUT_APPLY_PLACE_PAVE COVER_SPREAD_SURMOUNT -linger PLAY_SPORT/GAME LEAVE_DEPART_RUN-AWAY WEAKEN WAIT GO-FORWARD -demorarse PLAY_SPORT/GAME WAIT LEAVE_DEPART_RUN-AWAY -fall_back FALL_SLIDE-DOWN MOVE-BACK WORSEN RESULT_CONSEQUENCE GO-FORWARD -lag THROW CAGE_IMPRISON COVER_SPREAD_SURMOUNT GO-FORWARD -retrasarse DELAY GO-FORWARD -quedarse_atrás LEAVE_DEPART_RUN-AWAY GO-FORWARD -fall_behind MOVE-BACK GO-FORWARD -soñar_despierto DISBAND_BREAK-UP IMAGINE -moon SHOW EXIST_LIVE IMAGINE -daydream IMAGINE -stargaze IMAGINE SEE -rêver CAUSE-MENTAL-STATE DISBAND_BREAK-UP IMAGINE -dream CAUSE-MENTAL-STATE IMAGINE -ensoñar IMAGINE -fantasear DECEIVE IMAGINE -woolgather IMAGINE -rêvasser DISBAND_BREAK-UP IMAGINE -de-access SELL -deaerate REMOVE_TAKE-AWAY_KIDNAP -de-aerate REMOVE_TAKE-AWAY_KIDNAP -destress WEAKEN -de-emphasize WEAKEN -de-emphasise WEAKEN -de-energise WEAKEN -de-energize WEAKEN -de-escalate WEAKEN -desescalar WEAKEN -step_down RESIGN_RETIRE WEAKEN -deshelar WASH_CLEAN -defrost WASH_CLEAN -descongelar LIBERATE_ALLOW_AFFORD CONVERT WASH_CLEAN -de-ice WASH_CLEAN -deice WASH_CLEAN -de-iodinate REMOVE_TAKE-AWAY_KIDNAP -de-ionate REMOVE_TAKE-AWAY_KIDNAP -deaccession SELL -inactivar SWITCH-OFF_TURN-OFF_SHUT-DOWN -desactivar REMOVE_TAKE-AWAY_KIDNAP SWITCH-OFF_TURN-OFF_SHUT-DOWN -inactiver DISMISS_FIRE-SMN SWITCH-OFF_TURN-OFF_SHUT-DOWN -deactivate DISMISS_FIRE-SMN SWITCH-OFF_TURN-OFF_SHUT-DOWN -inactivate DISMISS_FIRE-SMN SWITCH-OFF_TURN-OFF_SHUT-DOWN -désactiver DISMISS_FIRE-SMN SWITCH-OFF_TURN-OFF_SHUT-DOWN -perder_vigor WEAKEN -ceindre ENCLOSE_WRAP KILL -girdle ENCLOSE_WRAP KILL -deafen HURT_HARM_ACHE CHANGE_SWITCH -deaf HURT_HARM_ACHE -ensordecer PRONOUNCE HURT_HARM_ACHE CHANGE_SWITCH -insonorizar CHANGE_SWITCH -asordar CHANGE_SWITCH -transar WORK -comerciar WORK CHANGE-HANDS SELL REPLACE ALLY_ASSOCIATE_MARRY -traficar REPLACE CHANGE-HANDS WORK SELL -trade WORK CHANGE-HANDS NEGOTIATE SELL REPLACE -deaminate REMOVE_TAKE-AWAY_KIDNAP -deaminize REMOVE_TAKE-AWAY_KIDNAP -interrompre STOP -suspend STOP HANG FLY -desembarcar EMPTY_UNLOAD LAND_GET-OFF -disembark LAND_GET-OFF -set_down LIE WRITE EMPTY_UNLOAD LAND_GET-OFF PUT_APPLY_PLACE_PAVE ARRIVE -debark LAND_GET-OFF -examiner ANALYZE DISCUSS -discuter DISCUSS -débattre DISCUSS -délibérer DISCUSS -enfeeble WEAKEN -debilitate WEAKEN -drain EMPTY_UNLOAD CONSUME_SPEND FLOW WEAKEN -debitar RECORD -debit RECORD -déboucher UNFASTEN_UNFOLD FLOW LEAVE_DEPART_RUN-AWAY -desagotar FLOW -debouch FLOW LEAVE_DEPART_RUN-AWAY -march_out LEAVE_DEPART_RUN-AWAY -debrief TEACH -déboguer ADJUST_CORRECT -debug ADJUST_CORRECT -depurar ADJUST_CORRECT REMOVE_TAKE-AWAY_KIDNAP WASH_CLEAN -desacreditar OFFEND_DISESTEEM REFUSE PROVE -debunk PROVE -debutar SHOW PERFORM -debut SHOW PERFORM -decaffeinate REMOVE_TAKE-AWAY_KIDNAP -descafeinar REMOVE_TAKE-AWAY_KIDNAP -décaféiner REMOVE_TAKE-AWAY_KIDNAP -décalcifier REMOVE_TAKE-AWAY_KIDNAP -decalcify REMOVE_TAKE-AWAY_KIDNAP LOSE -descalcificar REMOVE_TAKE-AWAY_KIDNAP -vamoose LEAVE_DEPART_RUN-AWAY -decant SPILL_POUR -pour SPILL_POUR LOAD_PROVIDE_CHARGE_FURNISH METEOROLOGICAL LEAVE_DEPART_RUN-AWAY FLOW -verter SPILL_POUR DROP EMPTY_UNLOAD EXCRETE DISCARD FLOW -pour_out SPILL_POUR SPEAK LEAVE_DEPART_RUN-AWAY -escanciar SPILL_POUR -décanter SPILL_POUR -decarbonate REMOVE_TAKE-AWAY_KIDNAP -decarbonize REMOVE_TAKE-AWAY_KIDNAP -decoke REMOVE_TAKE-AWAY_KIDNAP -decarburise REMOVE_TAKE-AWAY_KIDNAP -decarburize REMOVE_TAKE-AWAY_KIDNAP -décarboniser REMOVE_TAKE-AWAY_KIDNAP -decarbonise REMOVE_TAKE-AWAY_KIDNAP -decarboxylate REMOVE_TAKE-AWAY_KIDNAP LOSE -desintegrarse LOSE SEPARATE_FILTER_DETACH DESTROY -disintegrate CARRY-OUT-ACTION LOSE SEPARATE_FILTER_DETACH -décélérer SLOW-DOWN -desacelerar SLOW-DOWN -decelerate SLOW-DOWN -ralentizar SLOW-DOWN -slow_down MAKE-RELAX SLOW-DOWN -se_ralentir SLOW-DOWN -slow SLOW-DOWN -decelerar SLOW-DOWN -slow_up SLOW-DOWN -aminorar SLOW-DOWN -decentralise CIRCULATE_SPREAD_DISTRIBUTE -deconcentrate CIRCULATE_SPREAD_DISTRIBUTE -descentralizar CIRCULATE_SPREAD_DISTRIBUTE -descentralizarse CIRCULATE_SPREAD_DISTRIBUTE -decentralize CIRCULATE_SPREAD_DISTRIBUTE -decerebrate REMOVE_TAKE-AWAY_KIDNAP -derecognize AGREE_ACCEPT -decertify AGREE_ACCEPT -derecognise AGREE_ACCEPT -dechlorinate REMOVE_TAKE-AWAY_KIDNAP -decidirse DECIDE_DETERMINE -make_up_one's_mind DECIDE_DETERMINE -déterminer DECIDE_DETERMINE DECREE_DECLARE -decimalizar CONVERT -decimalize CONVERT -decimalise CONVERT -décimaliser CONVERT -decimar KILL -decipher READ INTERPRET -leer TRY CITE INFORM SEE HEAR_LISTEN PERFORM READ INTERPRET -trace CHASE ANALYZE FIND COPY READ PAINT GO-FORWARD -decodificar RECEIVE INTERPRET -decrypt INTERPRET -descodificar CHANGE_SWITCH RECEIVE INTERPRET -déchiffrer PERFORM INTERPRET -décoder INTERPRET -décrypter INTERPRET -decode INTERPRET -declaim PERFORM CRITICIZE -recite EXPLAIN PERFORM SPEAK -déclamer CRITICIZE -inveigh OPPOSE_REBEL_DISSENT CRITICIZE -pop_the_question ASK_REQUEST -pedir_en_matrimonio ASK_REQUEST -pedir_casarse ASK_REQUEST -declare_oneself ASK_REQUEST -proponer_matrimonio ASK_REQUEST -declararse DECREE_DECLARE ASK_REQUEST -desclasificar LIBERATE_ALLOW_AFFORD -declassify LIBERATE_ALLOW_AFFORD -declaw REMOVE_TAKE-AWAY_KIDNAP -declinar WORSEN REFUSE REDUCE_DIMINISH CHANGE-APPEARANCE/STATE -refuse REFUSE DRIVE-BACK RESIST -denegar REFUSE -reject REFUSE DRIVE-BACK RESIST -turn_down REFUSE REDUCE_DIMINISH DRIVE-BACK -pass_up MISS_OMIT_LACK REFUSE -decrecer REDUCE_DIMINISH INCLINE -wane REDUCE_DIMINISH -declutch UNFASTEN_UNFOLD -desembragar UNFASTEN_UNFOLD -extractar_la_esencia EXTRACT -descolonizar LIBERATE_ALLOW_AFFORD -decolonize LIBERATE_ALLOW_AFFORD -decolonise LIBERATE_ALLOW_AFFORD -decommission RECALL -hacerse_polvo DESTROY -podrir DESTROY -rot DESTROY WEAKEN -pudrir SPOIL DESTROY -molder DESTROY -moulder DESTROY -descomprimir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND REDUCE_DIMINISH -decompress RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND MAKE-RELAX REDUCE_DIMINISH -depressurize REDUCE_DIMINISH -depressurise REDUCE_DIMINISH -relax CAUSE-MENTAL-STATE MAKE-RELAX UNFASTEN_UNFOLD LIBERATE_ALLOW_AFFORD REDUCE_DIMINISH -loosen_up PREPARE CAUSE-MENTAL-STATE MAKE-RELAX UNFASTEN_UNFOLD -unbend CAUSE-MENTAL-STATE STRAIGHTEN MAKE-RELAX UNFASTEN_UNFOLD -unwind INVERT_REVERSE STRAIGHTEN MAKE-RELAX -relajar CAUSE-MENTAL-STATE MAKE-RELAX UNFASTEN_UNFOLD -décompresser RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -uncompress RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -deconsecrate COMMUNE -désacraliser COMMUNE -desecrate COMMUNE VIOLATE -unhallow COMMUNE -deconstruct INTERPRET -deconstruir INTERPRET -descontaminar WASH_CLEAN -decontaminate WASH_CLEAN -suprimir_el_control AUTHORIZE_ADMIT -decontrol AUTHORIZE_ADMIT -condecorar APPROVE_PRAISE -decorticate REMOVE_TAKE-AWAY_KIDNAP -décortiquer REMOVE_TAKE-AWAY_KIDNAP -decouple REMOVE_TAKE-AWAY_KIDNAP SEPARATE_FILTER_DETACH DISTINGUISH_DIFFER -dissociate BREAK_DETERIORATE DISBAND_BREAK-UP DISTINGUISH_DIFFER -découpler REMOVE_TAKE-AWAY_KIDNAP SEPARATE_FILTER_DETACH DISTINGUISH_DIFFER -disociar DISTINGUISH_DIFFER -eliminar_el_shock REMOVE_TAKE-AWAY_KIDNAP -absorber_el_shock REMOVE_TAKE-AWAY_KIDNAP -desaclopar SEPARATE_FILTER_DETACH -uncouple SEPARATE_FILTER_DETACH -entruchar LURE_ENTICE -decoy LURE_ENTICE -minify REDUCE_DIMINISH -lessen REDUCE_DIMINISH -menguar REDUCE_DIMINISH -decrease REDUCE_DIMINISH -decretar DECREE_DECLARE -decree DECREE_DECLARE -rule RESTRAIN DECREE_DECLARE PRECLUDE_FORBID_EXPEL LEAD_GOVERN HARMONIZE -legislar ESTABLISH DECREE_DECLARE AUTHORIZE_ADMIT -dictaminar SUBJECTIVE-JUDGING DECREE_DECLARE LEAD_GOVERN -decrepitate BREAK_DETERIORATE -decrescendo WEAKEN -légaliser AUTHORIZE_ADMIT -legalizar AUTHORIZE_ADMIT PROVE -legitimar AUTHORIZE_ADMIT -decriminalise AUTHORIZE_ADMIT -legalize AUTHORIZE_ADMIT -décriminaliser AUTHORIZE_ADMIT -legalise AUTHORIZE_ADMIT -legitimize AUTHORIZE_ADMIT -legitimatize AUTHORIZE_ADMIT -despenalizar AUTHORIZE_ADMIT -legitimate AUTHORIZE_ADMIT -legitimatise AUTHORIZE_ADMIT -decriminalize AUTHORIZE_ADMIT -legitimise AUTHORIZE_ADMIT -decussate OVERLAP -dedifferentiate CHANGE-APPEARANCE/STATE -infer GUESS BELIEVE INFER -desgravar REMOVE_TAKE-AWAY_KIDNAP RETAIN_KEEP_SAVE-MONEY INFER -deduce INFER -deduct REMOVE_TAKE-AWAY_KIDNAP RETAIN_KEEP_SAVE-MONEY INFER -déduire REMOVE_TAKE-AWAY_KIDNAP RETAIN_KEEP_SAVE-MONEY INFER -inférer INFER -take_off REMOVE_TAKE-AWAY_KIDNAP STOP BEGIN KILL LEAVE_DEPART_RUN-AWAY SIMULATE -substraer REMOVE_TAKE-AWAY_KIDNAP -sustraer REMOVE_TAKE-AWAY_KIDNAP STEAL_DEPRIVE -subtract REMOVE_TAKE-AWAY_KIDNAP CANCEL_ELIMINATE -recobrar OBTAIN RETAIN_KEEP_SAVE-MONEY FIND REQUIRE_NEED_WANT_HOPE -recoup PAY OBTAIN RETAIN_KEEP_SAVE-MONEY -retener REMOVE_TAKE-AWAY_KIDNAP REFUSE STOP RETAIN_KEEP_SAVE-MONEY -withhold REFUSE RETAIN_KEEP_SAVE-MONEY -décompter RETAIN_KEEP_SAVE-MONEY -deed_over CHANGE-HANDS -deem BELIEVE -reputar LIKE BELIEVE -view_as BELIEVE -take_for BELIEVE -teñir_en_profundidad COLOR -deep-dye COLOR -deep-fat-fry COOK -french-fry COOK -deep-fry COOK -deep-six DISCARD THROW -give_it_the_deep_six DISCARD -throw_overboard THROW GIVE-UP_ABOLISH_ABANDON -deep_freeze PRESERVE -surgeler PRESERVE -intensificarse INCREASE_ENLARGE_MULTIPLY -malversar STEAL_DEPRIVE -malversate STEAL_DEPRIVE -defalcate STEAL_DEPRIVE -embezzle STEAL_DEPRIVE -misappropriate STEAL_DEPRIVE -desfalcar STEAL_DEPRIVE -peculate STEAL_DEPRIVE -defang REMOVE_TAKE-AWAY_KIDNAP -defat REMOVE_TAKE-AWAY_KIDNAP -default FAIL_LOSE -incumplir FAIL_LOSE -default_on FAIL_LOSE -inclumplir FAIL_LOSE -no_pagar FAIL_LOSE -atrasarse FAIL_LOSE -defeat STOP DEFEAT -vote_out STOP -vote_down STOP CANCEL_ELIMINATE -echar_a_perder STOP -echar_abajo STOP -overcome OVERCOME_SURPASS DEFEAT -get_the_better_of DEFEAT -defect BETRAY -defeminize CASTRATE -defeminise CASTRATE -fight_down RESIST -oponerse_a OPPOSE_REBEL_DISSENT RESIST -fight_back PROTECT RESIST -oponer PUT_APPLY_PLACE_PAVE FACE_CHALLENGE OPPOSE_REBEL_DISSENT RESIST -defenderse EXIST-WITH-FEATURE MANAGE PROTECT RESIST -fend_for ARGUE-IN-DEFENSE -guard WATCH_LOOK-OUT PROTECT -custodiar WATCH_LOOK-OUT PROTECT -defenestrar THROW -defenestrate THROW -postpone DELAY -prorrogar DELAY -set_back DELAY SLOW-DOWN COST -postposer DELAY -diferir DELAY STOP DISTINGUISH_DIFFER -postergar DELAY -prorogue DELAY -reporter DELAY CONVERT -ajourner DELAY STOP -atermoyer DELAY -temporiser DELAY -table DELAY SORT_CLASSIFY_ARRANGE -demorar DELAY STOP SLOW-DOWN -différer DELAY STOP DISTINGUISH_DIFFER -repousser DELAY REFUSE CAUSE-MENTAL-STATE -proroger DELAY -put_over DELAY EXPLAIN -retrasar DELAY STOP SLOW-DOWN -shelve DELAY PUT_APPLY_PLACE_PAVE -surseoir DELAY STOP -remit DELAY PARDON CANCEL_ELIMINATE SEND DRIVE-BACK UNFASTEN_UNFOLD REDUCE_DIMINISH -bajar_la_fiebre HELP_HEAL_CARE_CURE -defervesce HELP_HEAL_CARE_CURE -defibrillate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -desfibrilar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -defibrinate REMOVE_TAKE-AWAY_KIDNAP -deslustrar DIRTY CHANGE-APPEARANCE/STATE -tarnish DIRTY -stain COLOR DIRTY -définir EXPLAIN -definir SHOW DECIDE_DETERMINE INCREASE_ENLARGE_MULTIPLY REPRESENT EXPLAIN -define DECIDE_DETERMINE EXPLAIN REPRESENT SHOW -delineate PAINT SHOW REPRESENT -delimitate PRECLUDE_FORBID_EXPEL REPRESENT -definirse REPRESENT -delimit ORIENT PRECLUDE_FORBID_EXPEL REPRESENT -deflagrate BURN -déflagrer BURN -deflagrar BURN -deflate REDUCE_DIMINISH PRESS_PUSH_FOLD -desinflar REDUCE_DIMINISH PRESS_PUSH_FOLD -puncture HOLE_PIERCE REDUCE_DIMINISH -desinflarse PRESS_PUSH_FOLD -deshinchar PRESS_PUSH_FOLD -deshincharse PRESS_PUSH_FOLD -distraire ABSTAIN_AVOID_REFRAIN -desviarse TURN_CHANGE-DIRECTION SPEAK SEPARATE_FILTER_DETACH LEAVE_DEPART_RUN-AWAY -desflorar HAVE-SEX DEBASE_ADULTERATE -desgraciar HAVE-SEX -deflower HAVE-SEX DEBASE_ADULTERATE -impair HURT_HARM_ACHE DEBASE_ADULTERATE -mar HURT_HARM_ACHE DEBASE_ADULTERATE -demist WASH_CLEAN -defog WASH_CLEAN -desempañar WASH_CLEAN -deforestar REMOVE_TAKE-AWAY_KIDNAP -defoliate REMOVE_TAKE-AWAY_KIDNAP -disforest REMOVE_TAKE-AWAY_KIDNAP -deforest REMOVE_TAKE-AWAY_KIDNAP -disafforest REMOVE_TAKE-AWAY_KIDNAP -strain CORRODE_WEAR-AWAY_SCRATCH EXHAUST TRY SEPARATE_FILTER_DETACH BREAK_DETERIORATE VERIFY AFFECT EXTEND -sufragar HELP_HEAL_CARE_CURE CHOOSE PAY -costear HELP_HEAL_CARE_CURE PAY -defray PAY -exclaustrar DISMISS_FIRE-SMN -defrock DISMISS_FIRE-SMN -unfrock DISMISS_FIRE-SMN -secularizar CHANGE-HANDS DISMISS_FIRE-SMN CHANGE_SWITCH -defuse REMOVE_TAKE-AWAY_KIDNAP -resistir OVERCOME_SURPASS RESIST -withstand RESIST -sostenerse RESIST -hold_up SHOW CONTINUE RESIST DELAY STABILIZE_SUPPORT-PHYSICALLY STEAL_DEPRIVE -degas REMOVE_TAKE-AWAY_KIDNAP -demagnetize REMOVE_TAKE-AWAY_KIDNAP CANCEL_ELIMINATE -desimantar REMOVE_TAKE-AWAY_KIDNAP -degauss REMOVE_TAKE-AWAY_KIDNAP -demagnetise REMOVE_TAKE-AWAY_KIDNAP CANCEL_ELIMINATE -deteriorate WORSEN -degenerarse WORSEN -degenerar WORSEN -degenerate WORSEN -devolve CHANGE-HANDS WORSEN ASSIGN-smt-to-smn -deglaze COOK -deglycerolize REMOVE_TAKE-AWAY_KIDNAP -desglicerolizar REMOVE_TAKE-AWAY_KIDNAP -deglycerolise REMOVE_TAKE-AWAY_KIDNAP -degradarse DOWNPLAY_HUMILIATE -demean DOWNPLAY_HUMILIATE -deshonrarse DOWNPLAY_HUMILIATE -degrease REMOVE_TAKE-AWAY_KIDNAP -desengrasar REMOVE_TAKE-AWAY_KIDNAP -degustar UNDERGO-EXPERIENCE TRY TASTE -degust TASTE -dehisce OPEN -décorner REMOVE_TAKE-AWAY_KIDNAP -dehorn REMOVE_TAKE-AWAY_KIDNAP -descornar REMOVE_TAKE-AWAY_KIDNAP -déshumaniser CHANGE-APPEARANCE/STATE DOWNPLAY_HUMILIATE -dehumanise CHANGE-APPEARANCE/STATE DOWNPLAY_HUMILIATE -deshumanizar CHANGE-APPEARANCE/STATE DOWNPLAY_HUMILIATE -dehumanize CHANGE-APPEARANCE/STATE DOWNPLAY_HUMILIATE -deshumedecer DRY -dehumidify DRY -dehydrate DRY -deshidratar DRY PRESERVE -desiccate DRY -desecar DRY EMPTY_UNLOAD -desecarse DRY -deshidratarse DRY -exsiccate DRY -dry_up DRY -deshidrogenar REMOVE_TAKE-AWAY_KIDNAP -dehydrogenate REMOVE_TAKE-AWAY_KIDNAP -deify APPROVE_PRAISE -endiosar APPROVE_PRAISE -deionize REMOVE_TAKE-AWAY_KIDNAP -desionizar REMOVE_TAKE-AWAY_KIDNAP -atrasar DELAY SLOW-DOWN -diputar ASSIGN-smt-to-smn -effacer CANCEL_ELIMINATE -erase CANCEL_ELIMINATE KILL -réjouir CAUSE-MENTAL-STATE -assouvir CAUSE-MENTAL-STATE -combler CAUSE-MENTAL-STATE -faire_plaisir CAUSE-MENTAL-STATE -please CAUSE-MENTAL-STATE REQUIRE_NEED_WANT_HOPE -contenter CAUSE-MENTAL-STATE -delight CAUSE-MENTAL-STATE LIKE -satisfaire CAUSE-MENTAL-STATE -embelesar CAUSE-MENTAL-STATE -embelezar CAUSE-MENTAL-STATE -enthrall CAUSE-MENTAL-STATE -enthral CAUSE-MENTAL-STATE -enrapture CAUSE-MENTAL-STATE -arrobar CAUSE-MENTAL-STATE -charmer CAUSE-MENTAL-STATE -revel CELEBRATE_PARTY LIKE -encantarse LIKE -subtend ORIENT -sous-tendre ORIENT -demarcar PRECLUDE_FORBID_EXPEL SEPARATE_FILTER_DETACH -demarcate PRECLUDE_FORBID_EXPEL SEPARATE_FILTER_DETACH -line LIE FILL PAINT STRENGTHEN_MAKE-RESISTANT SIGNAL_INDICATE -dessiner PAINT -trazar PRECLUDE_FORBID_EXPEL APPEAR ANALYZE ORGANIZE PAINT -dibujar PAINT REMOVE_TAKE-AWAY_KIDNAP INCITE_INDUCE TRAVEL -limn PAINT -deliquesce CONVERT DESTROY -tomber_en_déliquescence CONVERT DESTROY -retirar_del_mercado REMOVE_TAKE-AWAY_KIDNAP -delist REMOVE_TAKE-AWAY_KIDNAP -fork_out GIVE_GIFT -fork_up GIVE_GIFT -render LOAD_PROVIDE_CHARGE_FURNISH SHOW PERFORM TRANSLATE COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH CHANGE-APPEARANCE/STATE SPEAK GENERATE GIVE_GIFT -hand_over GIVE_GIFT -fork_over GIVE_GIFT -libérer LIBERATE_ALLOW_AFFORD HELP_HEAL_CARE_CURE UNFASTEN_UNFOLD -rescue HELP_HEAL_CARE_CURE -rescatar PAY HELP_HEAL_CARE_CURE -extradir DRIVE-BACK -deportar DRIVE-BACK -extraditar DRIVE-BACK -extradite DRIVE-BACK -drive_home CARRY-OUT-ACTION PERSUADE -livrer NOURISH_FEED CARRY_TRANSPORT -redimir LIBERATE_ALLOW_AFFORD PAY HELP_HEAL_CARE_CURE CONVERT -redeem CONVERT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND PAY HELP_HEAL_CARE_CURE -delocalize REMOVE_TAKE-AWAY_KIDNAP -delouse REMOVE_TAKE-AWAY_KIDNAP -swamp WET FILL -deluge BURDEN_BEAR FILL -inundate FILL -inundar LOAD_PROVIDE_CHARGE_FURNISH ARRIVE FILL -flood LOAD_PROVIDE_CHARGE_FURNISH FILL -submerge EXIST-WITH-FEATURE FILL DIP_DIVE -inonder FILL -anegar FILL -flood_out BURDEN_BEAR -overwhelm BURDEN_BEAR EXIST-WITH-FEATURE OVERCOME_SURPASS DEFEAT -reclamar_legalmente ASK_REQUEST -dematerialise DISAPPEAR -dematerialize DISAPPEAR -desmilitarizar REMOVE_TAKE-AWAY_KIDNAP RECALL -démilitariser REMOVE_TAKE-AWAY_KIDNAP RECALL -demilitarize REMOVE_TAKE-AWAY_KIDNAP RECALL -disarm REMOVE_TAKE-AWAY_KIDNAP WEAKEN STEAL_DEPRIVE -désarmer REMOVE_TAKE-AWAY_KIDNAP WEAKEN STEAL_DEPRIVE -demilitarise REMOVE_TAKE-AWAY_KIDNAP RECALL -demineralise REMOVE_TAKE-AWAY_KIDNAP -demineralize REMOVE_TAKE-AWAY_KIDNAP -demise CHANGE-HANDS -présenter SHOW GIVE_GIFT WORK -demo SHOW -exhibit SHOW -montrer SHOW SIGNAL_INDICATE -desmovilizar DISMISS_FIRE-SMN -démobiliser DISMISS_FIRE-SMN -demobilize DISMISS_FIRE-SMN -demobilise DISMISS_FIRE-SMN -demob DISMISS_FIRE-SMN -sacar_de_filas DISMISS_FIRE-SMN -democratize CHANGE-APPEARANCE/STATE -democratise CHANGE-APPEARANCE/STATE -democratizar CHANGE-APPEARANCE/STATE -démocratiser CHANGE-APPEARANCE/STATE -desmodular OBTAIN -demodulate OBTAIN -derrumbar DESTROY -demoler PRESS_PUSH_FOLD FALL_SLIDE-DOWN DESTROY DEFEAT -pulverize BREAK_DETERIORATE DESTROY -démolir FLATTEN_SMOOTHEN DESTROY -pulverise BREAK_DETERIORATE DESTROY -destroy KILL DESTROY DEFEAT -demonetize REDUCE_DIMINISH -demonetise REDUCE_DIMINISH -demonize CHANGE-APPEARANCE/STATE -demonise CHANGE-APPEARANCE/STATE -démoniser CHANGE-APPEARANCE/STATE -sataniser CHANGE-APPEARANCE/STATE -diaboliser CHANGE-APPEARANCE/STATE -demonizar CHANGE-APPEARANCE/STATE -prouver PROVE -démontrer PROVE -shew PROVE -demulsify CONVERT SEPARATE_FILTER_DETACH -poner_objecciones CRITICIZE -demur CRITICIZE -exceptuar MISS_OMIT_LACK STOP CRITICIZE -except MISS_OMIT_LACK CRITICIZE -objetar OPPOSE_REBEL_DISSENT CRITICIZE -demyelinate DESTROY -demystify EXPLAIN -desmitificar EXPLAIN INTERPRET -demythologise INTERPRET -demythologize INTERPRET -denationalise SELL -privatizar SELL -desnacionalizar SELL -denationalize SELL -dénaturaliser REMOVE_TAKE-AWAY_KIDNAP CHANGE-APPEARANCE/STATE -denaturalise REMOVE_TAKE-AWAY_KIDNAP CHANGE-APPEARANCE/STATE -denaturalize REMOVE_TAKE-AWAY_KIDNAP CHANGE-APPEARANCE/STATE -desnaturalizar REMOVE_TAKE-AWAY_KIDNAP CONVERT WEAKEN -denature CONVERT ADD WEAKEN -dénaturer CONVERT ADD WEAKEN -denazify REMOVE_TAKE-AWAY_KIDNAP -denitrify REMOVE_TAKE-AWAY_KIDNAP -denominate NAME -denotar SIGNAL_INDICATE MEAN -dent BREAK_DETERIORATE -indent BREAK_DETERIORATE ADJUST_CORRECT CUT OBLIGE_FORCE -désavouer REFUSE STEAL_DEPRIVE -renier REFUSE -abjurer REFUSE -deodourise ODORIZE -deodorize ODORIZE -desodorizar ODORIZE -deodorise ODORIZE -deoxidise REMOVE_TAKE-AWAY_KIDNAP -desoxigenar REMOVE_TAKE-AWAY_KIDNAP -deoxidize REMOVE_TAKE-AWAY_KIDNAP -desoxidar REMOVE_TAKE-AWAY_KIDNAP -deoxygenate REMOVE_TAKE-AWAY_KIDNAP -s'en_aller LEAVE_DEPART_RUN-AWAY -take_leave LEAVE_DEPART_RUN-AWAY -depart DIVERSIFY LEAVE_DEPART_RUN-AWAY -mettre_les_voiles LEAVE_DEPART_RUN-AWAY -se_barrer LEAVE_DEPART_RUN-AWAY -deviate TURN_CHANGE-DIRECTION DIVERSIFY -diverge EXIST-WITH-FEATURE SEPARATE_FILTER_DETACH DIVERSIFY -divergir EXIST-WITH-FEATURE SEPARATE_FILTER_DETACH DIVERSIFY -pull_up_stakes LEAVE_DEPART_RUN-AWAY -sidetrack DIVERSIFY -digress SPEAK DIVERSIFY -straggle DIVERSIFY CIRCULATE_SPREAD_DISTRIBUTE -go_away DISAPPEAR LEAVE_DEPART_RUN-AWAY -encaminarse LEAVE_DEPART_RUN-AWAY -aller FIT LEAVE_DEPART_RUN-AWAY -trasladarse MOVE-BY-MEANS-OF TRAVEL LEAVE_DEPART_RUN-AWAY STAY_DWELL -alejarse ABSTAIN_AVOID_REFRAIN REMOVE_TAKE-AWAY_KIDNAP MOVE-BACK LEAVE_DEPART_RUN-AWAY -set_forth SHOW LEAVE_DEPART_RUN-AWAY -depend_on IMPLY RELY -rely_on RELY -hinge_on IMPLY -pasar_a IMPLY -devolve_on IMPLY -dépendre_de IMPLY RELY -depend_upon IMPLY RELY -hinge_upon IMPLY -rely_upon RELY -depersonalise CHANGE_SWITCH -objectify CONVERT CHANGE_SWITCH -objectiver CONVERT CHANGE_SWITCH -despersonalizar CHANGE_SWITCH -depersonalize CHANGE_SWITCH -depict PAINT SHOW REPRESENT -portray PAINT PERFORM REPRESENT -retratar PAINT SHOW PERFORM REPRESENT -picture SHOW IMAGINE -simbolizar SHOW REPRESENT -depilate REMOVE_TAKE-AWAY_KIDNAP -depilar REMOVE_TAKE-AWAY_KIDNAP -épiler REMOVE_TAKE-AWAY_KIDNAP -epilate REMOVE_TAKE-AWAY_KIDNAP -deplane LAND_GET-OFF -deploy SORT_CLASSIFY_ARRANGE CIRCULATE_SPREAD_DISTRIBUTE -desplegar SHOW OPEN OPERATE SORT_CLASSIFY_ARRANGE UNFASTEN_UNFOLD EXTEND CIRCULATE_SPREAD_DISTRIBUTE -deplumate REMOVE_TAKE-AWAY_KIDNAP -deplume REMOVE_TAKE-AWAY_KIDNAP -displume REMOVE_TAKE-AWAY_KIDNAP -depolarize REMOVE_TAKE-AWAY_KIDNAP -despolarizar REMOVE_TAKE-AWAY_KIDNAP -depolarise REMOVE_TAKE-AWAY_KIDNAP -depone DECREE_DECLARE -depose DECREE_DECLARE DISMISS_FIRE-SMN -deponer DECREE_DECLARE DISMISS_FIRE-SMN -despoblar POPULATE -dépeupler POPULATE -depopulate POPULATE -déporter DRIVE-BACK -exilar DRIVE-BACK -exile DRIVE-BACK -expatriate DRIVE-BACK LEAVE_DEPART_RUN-AWAY -expatrier DRIVE-BACK LEAVE_DEPART_RUN-AWAY -posit PUT_APPLY_PLACE_PAVE SUPPOSE PROPOSE -ubicar PUT_APPLY_PLACE_PAVE FIND BE-LOCATED_BASE -situar PUT_APPLY_PLACE_PAVE CHANGE-APPEARANCE/STATE FIND -situate PUT_APPLY_PLACE_PAVE FIND -wedge HOLE_PIERCE PRESS_PUSH_FOLD -deprecate REFUSE DOWNPLAY_HUMILIATE -deprecar DOWNPLAY_HUMILIATE -vilipend DOWNPLAY_HUMILIATE -vilipendiar OFFEND_DISESTEEM DOWNPLAY_HUMILIATE -depreciate REDUCE_DIMINISH DOWNPLAY_HUMILIATE DEBASE_ADULTERATE -desaprobar CAUSE-MENTAL-STATE REFUSE PRECLUDE_FORBID_EXPEL OPPOSE_REBEL_DISSENT -devaluar REDUCE_DIMINISH DEBASE_ADULTERATE -depreciar REDUCE_DIMINISH DEBASE_ADULTERATE -desvalorizarse DEBASE_ADULTERATE -undervalue CALCULATE_ESTIMATE OFFEND_DISESTEEM DEBASE_ADULTERATE -devaluate DEBASE_ADULTERATE -devalue DEBASE_ADULTERATE -dévaluer DEBASE_ADULTERATE -desvalorar DEBASE_ADULTERATE -desvalorizar DEBASE_ADULTERATE -digitar PRESS_PUSH_FOLD -press_down PRESS_PUSH_FOLD -deprivar REMOVE_TAKE-AWAY_KIDNAP STEAL_DEPRIVE -divest REMOVE_TAKE-AWAY_KIDNAP REDUCE_DIMINISH STEAL_DEPRIVE -desposeer STEAL_DEPRIVE -privar REMOVE_TAKE-AWAY_KIDNAP STOP STEAL_DEPRIVE -deprive STEAL_DEPRIVE -desproveer STEAL_DEPRIVE -impoverish STEAL_DEPRIVE -ôter REMOVE_TAKE-AWAY_KIDNAP STEAL_DEPRIVE -priver STEAL_DEPRIVE -déposséder STEAL_DEPRIVE -deputize ASSIGN-smt-to-smn REPLACE -sustituir ASSIGN-smt-to-smn REPLACE -deputise ASSIGN-smt-to-smn REPLACE -step_in REPLACE PARTICIPATE -substitute REPLACE -subrogar REPLACE -extirpar REMOVE_TAKE-AWAY_KIDNAP MOVE-SOMETHING CANCEL_ELIMINATE EXTRACT DISCARD DISMISS_FIRE-SMN -uproot MOVE-SOMETHING CANCEL_ELIMINATE EXTRACT -extirper REMOVE_TAKE-AWAY_KIDNAP CANCEL_ELIMINATE EXTRACT -déraciner EXTRACT -extirpate REMOVE_TAKE-AWAY_KIDNAP CANCEL_ELIMINATE EXTRACT -desarraigar MOVE-SOMETHING CANCEL_ELIMINATE EXTRACT -root_out CANCEL_ELIMINATE EXTRACT -deracinate MOVE-SOMETHING EXTRACT -derail LEAVE_DEPART_RUN-AWAY -descarrilar ROLL LEAVE_DEPART_RUN-AWAY -hacer_descarrilar LEAVE_DEPART_RUN-AWAY -throw_out_of_kilter MESS -derange CAUSE-MENTAL-STATE MESS -unbalance CAUSE-MENTAL-STATE COMPENSATE -desquiciar REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE -desequilibrar CAUSE-MENTAL-STATE COMPENSATE -derate REDUCE_DIMINISH -desregular LIBERATE_ALLOW_AFFORD -liberalizar LIBERATE_ALLOW_AFFORD AUTHORIZE_ADMIT -deregulate LIBERATE_ALLOW_AFFORD -derequisition LIBERATE_ALLOW_AFFORD -derestrict LIBERATE_ALLOW_AFFORD -deride JOKE -educir CREATE_MATERIALIZE INFER -educe CREATE_MATERIALIZE INFER -desacralize CHANGE-HANDS -secularize CHANGE-HANDS CHANGE_SWITCH -desalinizar REMOVE_TAKE-AWAY_KIDNAP -desalinize REMOVE_TAKE-AWAY_KIDNAP -desalinise REMOVE_TAKE-AWAY_KIDNAP -desalar REMOVE_TAKE-AWAY_KIDNAP -desalinate REMOVE_TAKE-AWAY_KIDNAP -dessaler REMOVE_TAKE-AWAY_KIDNAP -desalt REMOVE_TAKE-AWAY_KIDNAP -scale REMOVE_TAKE-AWAY_KIDNAP MEASURE_EVALUATE CHANGE-APPEARANCE/STATE RAISE -descale REMOVE_TAKE-AWAY_KIDNAP -escamar REMOVE_TAKE-AWAY_KIDNAP -descant SPEAK SING -hacer_gorgoritos SING -warble SING -yodel SING -cantar_al_contrapunto SING -cantar_en_contrapunto SING -disertar SPEAK SING DISCUSS -descant_on SING -asentarse LIE HAPPEN_OCCUR ESTABLISH ASSIGN-smt-to-smn STAY_DWELL -identify CORRELATE RECOGNIZE_ADMIT_IDENTIFY MATCH -identificar CORRELATE RECOGNIZE_ADMIT_IDENTIFY -identifier RECOGNIZE_ADMIT_IDENTIFY -key_out RECOGNIZE_ADMIT_IDENTIFY -distinguish AMELIORATE PERCEIVE RECOGNIZE_ADMIT_IDENTIFY DISTINGUISH_DIFFER -key LOAD_PROVIDE_CHARGE_FURNISH BREAK_DETERIORATE ADJUST_CORRECT HARMONIZE RECOGNIZE_ADMIT_IDENTIFY -espy SEE -discernir RECOGNIZE_ADMIT_IDENTIFY PERCEIVE FIND SEE -acechar PLAY_SPORT/GAME CLOUD_SHADOW_HIDE SEE FOLLOW-IN-SPACE SIGNAL_INDICATE -espiar DECEIVE SEE -spy DECEIVE SEE -descry SEE -desecrar VIOLATE -integrarse EXIST-WITH-FEATURE BEFRIEND -integrate EXIST-WITH-FEATURE BEFRIEND COMBINE_MIX_UNITE CALCULATE_ESTIMATE -desegregate EXIST-WITH-FEATURE -desensitize WORSEN WEAKEN -desensitise WORSEN WEAKEN -desensibilizar WORSEN WEAKEN -désensibiliser WORSEN WEAKEN -deserve EXIST-WITH-FEATURE -merit EXIST-WITH-FEATURE -meritar EXIST-WITH-FEATURE -desexualize ABSTAIN_AVOID_REFRAIN CASTRATE -desexualise ABSTAIN_AVOID_REFRAIN CASTRATE -désexualiser ABSTAIN_AVOID_REFRAIN CASTRATE -unsex REMOVE_TAKE-AWAY_KIDNAP CASTRATE WEAKEN -desex CASTRATE -sterilise CASTRATE WASH_CLEAN -sterilize CASTRATE WASH_CLEAN -diseñar CREATE_MATERIALIZE PLAN_SCHEDULE -tener_un_destino DECREE_DECLARE -fate DECREE_DECLARE -destine PLAN_SCHEDULE DECREE_DECLARE -estar_destinado DECREE_DECLARE -intend PLAN_SCHEDULE MEAN -desire REQUIRE_NEED_WANT_HOPE -want MISS_OMIT_LACK CHASE REQUIRE_NEED_WANT_HOPE -vouloir REQUIRE_NEED_WANT_HOPE -hope REQUIRE_NEED_WANT_HOPE -ravager DESTROY -devastar CAUSE-MENTAL-STATE DESTROY -lay_waste_to DESTROY -détruire DESTROY -scourge PUNISH DESTROY HIT -desolar DESTROY -asolar DESTROY -ravage DESTROY -dévaster DESTROY STEAL_DEPRIVE -arrasar BEHAVE CAUSE-MENTAL-STATE DESTROY TRAVEL DEFEAT WIN FLATTEN_SMOOTHEN -ruiner DESTROY -devastate CAUSE-MENTAL-STATE DESTROY -desorb REMOVE_TAKE-AWAY_KIDNAP EMIT -desesperanzarse CAUSE-MENTAL-STATE -despair CAUSE-MENTAL-STATE -désespérer CAUSE-MENTAL-STATE -desesperar CAUSE-MENTAL-STATE -despatch SEND -expédier SEND -expedir CARRY_TRANSPORT CANCEL_ELIMINATE DIRECT_AIM_MANEUVER SEND -enviar_fuera SEND -send_off SHOOT_LAUNCH_PROPEL SEND -plunder DESTROY STEAL_DEPRIVE -saquear DESTROY STEAL_DEPRIVE -despoil DESTROY STEAL_DEPRIVE -pillage STEAL_DEPRIVE -reave STEAL_DEPRIVE -rifle SEARCH STEAL_DEPRIVE -loot STEAL_DEPRIVE -mettre_à_sac STEAL_DEPRIVE -foray VIOLATE STEAL_DEPRIVE -piller STEAL_DEPRIVE -expoliar STEAL_DEPRIVE -despond CAUSE-MENTAL-STATE -pelarse BREAK_DETERIORATE -descamar BREAK_DETERIORATE -descamarse BREAK_DETERIORATE -desquamate BREAK_DETERIORATE -peel_off BREAK_DETERIORATE REMOVE_TAKE-AWAY_KIDNAP LEAVE_DEPART_RUN-AWAY -destabilize MESS -desestabilizar MESS -déstabiliser MESS -destabilise MESS -desestabilizarse MESS -destain REMOVE_TAKE-AWAY_KIDNAP -destalinise REMOVE_TAKE-AWAY_KIDNAP -destalinize REMOVE_TAKE-AWAY_KIDNAP -destruct DESTROY -desulphurize REMOVE_TAKE-AWAY_KIDNAP -desulfurize REMOVE_TAKE-AWAY_KIDNAP -desynchronize MESS -desynchronise MESS -desacoplar SEPARATE_FILTER_DETACH -detallar ASSIGN-smt-to-smn EXPLAIN -detail ASSIGN-smt-to-smn EXPLAIN -pormenorizar EXPLAIN -destacar EXIST-WITH-FEATURE LIGHTEN DISTINGUISH_DIFFER AMELIORATE APPEAR PAINT EMPHASIZE SPEAK ASSIGN-smt-to-smn -detect FIND -distinguer RECOGNIZE_ADMIT_IDENTIFY FIND -effrayer OPPOSE_REBEL_DISSENT -deter PERSUADE OPPOSE_REBEL_DISSENT -disuadir CAUSE-MENTAL-STATE PERSUADE OPPOSE_REBEL_DISSENT -distanciar MOVE-BACK PERSUADE OVERCOME_SURPASS -desaconsejar PERSUADE -dissuade PERSUADE -deterge WASH_CLEAN -square_off SETTLE_CONCILIATE -square_up FLATTEN_SMOOTHEN SETTLE_CONCILIATE SHAPE -regularizarse INFLUENCE -formarse BEGIN INFLUENCE PREPARE -shape MOUNT_ASSEMBLE_PRODUCE INFLUENCE SHAPE -détester DISLIKE -hate DISLIKE -odiar DISLIKE -aimer_comme_la_colique DISLIKE -haïr DISLIKE -detest DISLIKE -derretirse CONVERT DESTROY -thaw CONVERT -dethaw CONVERT -derretir CONVERT SEPARATE_FILTER_DETACH -fondre CONVERT -unfreeze LIBERATE_ALLOW_AFFORD CONVERT -unthaw CONVERT -melt CAUSE-MENTAL-STATE COMBINE_MIX_UNITE CONVERT WEAKEN DISAPPEAR -destronar DISMISS_FIRE-SMN -dethrone DISMISS_FIRE-SMN -detick HELP_HEAL_CARE_CURE -detour TRAVEL -detox HELP_HEAL_CARE_CURE -detoxify REMOVE_TAKE-AWAY_KIDNAP HELP_HEAL_CARE_CURE -desintoxicar REMOVE_TAKE-AWAY_KIDNAP HELP_HEAL_CARE_CURE -detoxicate REMOVE_TAKE-AWAY_KIDNAP -detract REDUCE_DIMINISH -detrain LAND_GET-OFF -detransitivise CHANGE-APPEARANCE/STATE -intransitivizar CHANGE-APPEARANCE/STATE -intransitivise CHANGE-APPEARANCE/STATE -detransitivizar CHANGE-APPEARANCE/STATE -destransitivizar CHANGE-APPEARANCE/STATE -detransitivize CHANGE-APPEARANCE/STATE -intransitivize CHANGE-APPEARANCE/STATE -detribalise CHANGE-APPEARANCE/STATE -detribalize CHANGE-APPEARANCE/STATE -tusk REMOVE_TAKE-AWAY_KIDNAP HOLE_PIERCE -detusk REMOVE_TAKE-AWAY_KIDNAP -anonadar CAUSE-MENTAL-STATE -devein REMOVE_TAKE-AWAY_KIDNAP -make_grow DEVELOP_AGE -modernize AMELIORATE -modernise AMELIORATE -expliciter EXPLAIN AMELIORATE -explicate EXPLAIN AMELIORATE -industriar TEACH -devilize WORSEN -diabolize WORSEN -devilise WORSEN -diabolise WORSEN -desvitalizar WEAKEN -devitalise WEAKEN -devitalize WEAKEN -devitrify CONVERT DIM -dévitrifier CONVERT DIM -vitrificarse CHANGE-APPEARANCE/STATE CONVERT -devoice PRONOUNCE -raven HUNT EAT_BITE OBTAIN -guttle EAT_BITE -pig EXIST-WITH-FEATURE GIVE-BIRTH EAT_BITE -diagnose ANALYZE -diagnosticar ANALYZE -diagnostiquer ANALYZE -désigner ANALYZE PROPOSE -diagonalise CONVERT -diagonalize CONVERT -plot PAINT CREATE_MATERIALIZE PLAN_SCHEDULE REPRESENT -diagram PAINT -dial MOUNT_ASSEMBLE_PRODUCE OPERATE -dialyse SEPARATE_FILTER_DETACH -dialyze SEPARATE_FILTER_DETACH -dializar SEPARATE_FILTER_DETACH -diazotize CONVERT -dibble HOLE_PIERCE BURY_PLANT -dichotomise SORT_CLASSIFY_ARRANGE -dichotomize SORT_CLASSIFY_ARRANGE -prescribe ORDER -recetar ORDER -dictate LEAD_GOVERN SPEAK ORDER -prescribir ORDER -menear CATCH TRAVEL MOVE-ONESELF MOVE-SOMETHING -didder MOVE-ONESELF -fiddle FAKE ABSTAIN_AVOID_REFRAIN REPAIR_REMEDY TOUCH PERFORM STEAL_DEPRIVE -die_out KILL SHAPE -morirse CAUSE-MENTAL-STATE FINISH_CONCLUDE_END -morirse_por REQUIRE_NEED_WANT_HOPE -die_back HURT_HARM_ACHE -die_down HURT_HARM_ACHE WEAKEN -prevail PERSUADE CONTINUE LEAD_GOVERN WIN EXIST_LIVE -die_hard CONTINUE -prevalecer LEAD_GOVERN WIN EXIST_LIVE CONTINUE -imperar LEAD_GOVERN EXIST_LIVE CONTINUE -persist REMAIN CONTINUE -perseverar CONTINUE -die_off KILL -diet DIET -hacer_dieta DIET -faire_un_régime DIET -discrepar EXIST-WITH-FEATURE REFUSE OPPOSE_REBEL_DISSENT DISTINGUISH_DIFFER -être_en_désaccord DISTINGUISH_DIFFER -disentir REFUSE OPPOSE_REBEL_DISSENT DISTINGUISH_DIFFER -disagree EXIST-WITH-FEATURE DISTINGUISH_DIFFER -dissent REFUSE OPPOSE_REBEL_DISSENT DISTINGUISH_DIFFER -differ DISTINGUISH_DIFFER -take_issue DISTINGUISH_DIFFER -distinguirse EXIST-WITH-FEATURE DIVERSIFY DISTINGUISH_DIFFER -diferenciarse AMELIORATE DIVERSIFY DISTINGUISH_DIFFER -differentiate DISTINGUISH_DIFFER CALCULATE_ESTIMATE AMELIORATE DIVERSIFY RECOGNIZE_ADMIT_IDENTIFY -severalize SEPARATE_FILTER_DETACH RECOGNIZE_ADMIT_IDENTIFY -severalise SEPARATE_FILTER_DETACH RECOGNIZE_ADMIT_IDENTIFY -tell_apart PERCEIVE RECOGNIZE_ADMIT_IDENTIFY -discerner RECOGNIZE_ADMIT_IDENTIFY -secern RECOGNIZE_ADMIT_IDENTIFY -différencier RECOGNIZE_ADMIT_IDENTIFY -secernate RECOGNIZE_ADMIT_IDENTIFY -deslindar RECOGNIZE_ADMIT_IDENTIFY -especializarse AMELIORATE FOCUS -specialise EXPLAIN AMELIORATE WORK FOCUS -speciate AMELIORATE -evolucionar_en_una_nueva_especie AMELIORATE -specialize EXPLAIN AMELIORATE WORK FOCUS -difractar LIGHT_SHINE -diffract LIGHT_SHINE -desplegarse COVER_SPREAD_SURMOUNT ORGANIZE -fan_out ORGANIZE -spread_out TURN_CHANGE-DIRECTION OPEN INCREASE_ENLARGE_MULTIPLY COVER_SPREAD_SURMOUNT SORT_CLASSIFY_ARRANGE LEAVE_DEPART_RUN-AWAY ORGANIZE -esparcirse COVER_SPREAD_SURMOUNT LEAVE_DEPART_RUN-AWAY ORGANIZE -prppagar ORGANIZE -replegar ORGANIZE -interpenetrate COMBINE_MIX_UNITE AFFECT -pervade AFFECT -imbue COLOR WET AFFECT -permear AFFECT -permeate PERMEATE COMBINE_MIX_UNITE AFFECT -riddle CREATE_MATERIALIZE SEPARATE_FILTER_DETACH SPEAK HOLE_PIERCE EXPLAIN AFFECT -excavate FIND EXTRACT CAVE_CARVE -poke SEARCH MOVE-SOMETHING HIT PRESS_PUSH_FOLD HOLE_PIERCE -prod TOUCH INCITE_INDUCE PRESS_PUSH_FOLD -stab CUT PRESS_PUSH_FOLD -hincar CUT PRESS_PUSH_FOLD -jab CUT PRESS_PUSH_FOLD HIT -apuñalar CUT HURT_HARM_ACHE PRESS_PUSH_FOLD -atropellar HURT_HARM_ACHE PRESS_PUSH_FOLD -aguijonear HURT_HARM_ACHE CRITICIZE INCITE_INDUCE PRESS_PUSH_FOLD TOUCH -dig_out EXTRACT CAVE_CARVE -dig_up FIND EXTRACT -ahondar LEARN CAVE_CARVE -creuser CAVE_CARVE -travail WORK -fatigarse CAUSE-MENTAL-STATE WORK -labor TRY GIVE-BIRTH WORK -toil WORK -trabajar_duro TRY WORK -fag EXHAUST WORK -afanarse TRY WORK -labour TRY GIVE-BIRTH WORK -drudge WORK -hincar_el_diente EAT_BITE -pitch_in EAT_BITE -dig_in EAT_BITE CONQUER -entrench SECURE_FASTEN_TIE CONQUER VIOLATE -atrincherar CONQUER CAVE_CARVE -dig_into ANALYZE -probe ANALYZE -poke_into ANALYZE ENTER -desenterrar SHOW EXTRACT FIND -digitize CONVERT -numériser CONVERT -digitalizar GIVE_GIFT CONVERT ANALYZE -digitalize GIVE_GIFT CONVERT -digitalise CONVERT -digitise CONVERT -dignify APPROVE_PRAISE -donner_de_la_dignité_à APPROVE_PRAISE -ennoblecer ASSIGN-smt-to-smn APPROVE_PRAISE -enaltecer APPROVE_PRAISE -dignificar APPROVE_PRAISE -ennoble ASSIGN-smt-to-smn APPROVE_PRAISE -divagar SPEAK -faire_une_digression SPEAK -hacer_una_digresión SPEAK -digresser SPEAK -divagate SPEAK -contenter_con_diques ENCLOSE_WRAP -dyke ENCLOSE_WRAP -dike ENCLOSE_WRAP -contener_con_diques ENCLOSE_WRAP -distend INCREASE_ENLARGE_MULTIPLY BULGE-OUT -dilate INCREASE_ENLARGE_MULTIPLY AMELIORATE -dilatar INCREASE_ENLARGE_MULTIPLY -lucubrate AMELIORATE -flesh_out DEVELOP_AGE AMELIORATE INCREASE_ENLARGE_MULTIPLY -expound SHOW AMELIORATE -exposit SHOW AMELIORATE -expatiate AMELIORATE -shillyshally EXIST-WITH-FEATURE DELAY -dillydally DELAY -dilly-dally DELAY -drag_one's_feet DELAY -procrastinate DELAY -drag_one's_heels DELAY -dip REMOVE_TAKE-AWAY_KIDNAP LOWER DIM DIP_DIVE INCLINE REDUCE_DIMINISH TAKE -opacar DIM -dimension MEASURE_EVALUATE SHAPE -dimple LAUGH CAVE_CARVE -dine EAT_BITE HOST_MEAL_INVITE -dar_cenas HOST_MEAL_INVITE -invitar_a_cenar HOST_MEAL_INVITE -dar_de_cenar HOST_MEAL_INVITE -cenar EAT_BITE -eat_in EAT_BITE -dine_in EAT_BITE -sortir_manger HOST_MEAL_INVITE -dine_out HOST_MEAL_INVITE -aller_au_restaurant HOST_MEAL_INVITE -manger_dehors HOST_MEAL_INVITE -eat_out HOST_MEAL_INVITE -comer_fuera HOST_MEAL_INVITE -comer_fuera_de_casa HOST_MEAL_INVITE -dingdong PERFORM -ding PERFORM -dong PERFORM -sonar EXIST-WITH-FEATURE REMEMBER MAKE-A-SOUND PERFORM SEEM -zambullir DIP_DIVE -souse WET COOK FEEL DIP_DIVE -sumergir EXIST-WITH-FEATURE INCITE_INDUCE DIP_DIVE -plonger DIP_DIVE -meter_en_agua DIP_DIVE -poner_en_remojo DIP_DIVE -dunk SCORE DIP_DIVE -douse DIM LOWER DIP_DIVE WET REDUCE_DIMINISH -tremper SCORE DIP_DIVE -hundirse FALL_SLIDE-DOWN LOWER DIP_DIVE FAIL_LOSE REDUCE_DIMINISH -dip_into READ -soldar_por_ola JOIN_CONNECT -dip_solder JOIN_CONNECT -diptonguizar CHANGE-APPEARANCE/STATE -convertirse_en_diptongo CHANGE-APPEARANCE/STATE -diphthongize CHANGE-APPEARANCE/STATE -diphthongise CHANGE-APPEARANCE/STATE -engineer CREATE_MATERIALIZE ORGANIZE -orchestrate CREATE_MATERIALIZE ORGANIZE -orquestar CREATE_MATERIALIZE ORGANIZE -mastermind ORGANIZE -rendre_incapable STOP -incapacitate STOP HURT_HARM_ACHE -disenable STOP -disable STOP HURT_HARM_ACHE -handicaper HURT_HARM_ACHE GUESS COMPLEXIFY -handicap HURT_HARM_ACHE GUESS COMPLEXIFY -invalable HURT_HARM_ACHE DISMISS_FIRE-SMN -invalid HURT_HARM_ACHE DISMISS_FIRE-SMN -discapacitar HURT_HARM_ACHE -disabuse LIBERATE_ALLOW_AFFORD -disaccord EXIST-WITH-FEATURE -discord EXIST-WITH-FEATURE -disadvantage STOP -desfavorecer STOP -disfavor STOP -disfavour STOP -disagree_with HURT_HARM_ACHE -défendre PRECLUDE_FORBID_EXPEL -prohibit PRECLUDE_FORBID_EXPEL -proscribe PRECLUDE_FORBID_EXPEL -interdire PRECLUDE_FORBID_EXPEL -forbid PRECLUDE_FORBID_EXPEL -disallow PRECLUDE_FORBID_EXPEL -nix PRECLUDE_FORBID_EXPEL -interdict PRECLUDE_FORBID_EXPEL DESTROY -disambiguate EXPLAIN -desambiguar EXPLAIN -disappear DISAPPEAR LEAVE_DEPART_RUN-AWAY WEAKEN -vanish SPEND-TIME_PASS-TIME DISAPPEAR LEAVE_DEPART_RUN-AWAY -desvancerse LEAVE_DEPART_RUN-AWAY -evaporate CONVERT WEAKEN -disappoint FRUSTRATE_DISAPPOINT -decepcionar CAUSE-MENTAL-STATE FRUSTRATE_DISAPPOINT FAIL_LOSE -disapprove REFUSE -désapprouver REFUSE OPPOSE_REBEL_DISSENT -unarm STEAL_DEPRIVE -desajustar MESS DEBASE_ADULTERATE -desarreglar MESS -disarrange MESS -desordenar MESS VIOLATE -disarray MESS -disjoint DISBAND_BREAK-UP SEPARATE_FILTER_DETACH -disarticulate SEPARATE_FILTER_DETACH -disassociate DISBAND_BREAK-UP -divorciar DISBAND_BREAK-UP -divorciarse DISBAND_BREAK-UP -divorce DISBAND_BREAK-UP -disunite DISBAND_BREAK-UP SEPARATE_FILTER_DETACH -désunir DISBAND_BREAK-UP SEPARATE_FILTER_DETACH -desmarcar DISBAND_BREAK-UP -disavow REFUSE -disband DISBAND_BREAK-UP -disolverse DISBAND_BREAK-UP -disbar DISMISS_FIRE-SMN -disbelieve REFUSE -descreer REFUSE -desprestigiar OFFEND_DISESTEEM REFUSE -discredit OFFEND_DISESTEEM REFUSE -disbud CUT DESTROY -unburden REMOVE_TAKE-AWAY_KIDNAP HELP_HEAL_CARE_CURE -disburden REMOVE_TAKE-AWAY_KIDNAP -pay_out PAY -disburse PAY -disk-jockey PERFORM -disc-jockey PERFORM -dj PERFORM -peel REMOVE_TAKE-AWAY_KIDNAP BREAK_DETERIORATE -strip_down REMOVE_TAKE-AWAY_KIDNAP -unclothe REMOVE_TAKE-AWAY_KIDNAP SHOW -uncase REMOVE_TAKE-AWAY_KIDNAP -discase REMOVE_TAKE-AWAY_KIDNAP -undress REMOVE_TAKE-AWAY_KIDNAP -disrobe REMOVE_TAKE-AWAY_KIDNAP -discern PERCEIVE -discerp CUT SEPARATE_FILTER_DETACH -dismember SEPARATE_FILTER_DETACH KILL -desmembrar SEPARATE_FILTER_DETACH KILL -drop_off SLEEP EMPTY_UNLOAD REDUCE_DIMINISH MOVE-BACK -unload EMPTY_UNLOAD -descargarse EMPTY_UNLOAD -desocupar REMOVE_TAKE-AWAY_KIDNAP EMPTY_UNLOAD -muster_out DISMISS_FIRE-SMN -dar_de_baja DISMISS_FIRE-SMN -disclaim REFUSE GIVE-UP_ABOLISH_ABANDON -dévoiler REMOVE_TAKE-AWAY_KIDNAP SHOW -découvrir SHOW FIND -disco DANCE -bailar_disco DANCE -descolorarse COLOR CHANGE_SWITCH -untune CAUSE-MENTAL-STATE MISTAKE -discompose CAUSE-MENTAL-STATE -discomfit CAUSE-MENTAL-STATE -unplug SWITCH-OFF_TURN-OFF_SHUT-DOWN -desenchufar SEPARATE_FILTER_DETACH SWITCH-OFF_TURN-OFF_SHUT-DOWN -disconnect SEPARATE_FILTER_DETACH SWITCH-OFF_TURN-OFF_SHUT-DOWN -discontent CAUSE-MENTAL-STATE -descontentar CAUSE-MENTAL-STATE -décontenancer CAUSE-MENTAL-STATE REFUSE -discountenance CAUSE-MENTAL-STATE REFUSE -descorazonar CAUSE-MENTAL-STATE -décourager CAUSE-MENTAL-STATE -hold_forth SPEAK -dissertate SPEAK -talk_about DISCUSS -discuss DISCUSS -get_wind KNOW -get_word KNOW -enterarse KNOW LEARN -enterar KNOW -get_a_line KNOW -hear INFORM ANALYZE KNOW FOCUS HEAR_LISTEN -desautorizar OFFEND_DISESTEEM -single_out CHOOSE REFUSE -discriminate REFUSE UNDERSTAND -discriminar REFUSE UNDERSTAND -know_apart UNDERSTAND -talk_over DISCUSS -entrar_en_detalles DISCUSS -hash_out DISCUSS -desesperanzar REFUSE -pooh-pooh REFUSE SPEAK -freeze_off REFUSE -spurn REFUSE -liberarse CANCEL_ELIMINATE -rid CANCEL_ELIMINATE -disembarrass CANCEL_ELIMINATE -disembody LIBERATE_ALLOW_AFFORD -disembowel REMOVE_TAKE-AWAY_KIDNAP -destripar REMOVE_TAKE-AWAY_KIDNAP -desentrañar REMOVE_TAKE-AWAY_KIDNAP -eviscerate REMOVE_TAKE-AWAY_KIDNAP EMPTY_UNLOAD WEAKEN -disembroil LIBERATE_ALLOW_AFFORD -desembrollar LIBERATE_ALLOW_AFFORD RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND REMOVE_TAKE-AWAY_KIDNAP STRAIGHTEN -disinvolve LIBERATE_ALLOW_AFFORD -disillusion FRUSTRATE_DISAPPOINT -desilusionar FRUSTRATE_DISAPPOINT -disenchant FRUSTRATE_DISAPPOINT -desencantar FRUSTRATE_DISAPPOINT BEWITCH -disencumber REMOVE_TAKE-AWAY_KIDNAP -untangle REMOVE_TAKE-AWAY_KIDNAP RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -extricate REMOVE_TAKE-AWAY_KIDNAP -disfranchise STEAL_DEPRIVE -disenfranchise STEAL_DEPRIVE -disengage LIBERATE_ALLOW_AFFORD UNFASTEN_UNFOLD -dégager UNFASTEN_UNFOLD -débloquer UNFASTEN_UNFOLD -desprender EXCRETE FLOW UNFASTEN_UNFOLD -débarrasser UNFASTEN_UNFOLD -unsnarl STRAIGHTEN -desenmadejar STRAIGHTEN -enderezar ADJUST_CORRECT STRAIGHTEN -desovillar STRAIGHTEN -disestablish STEAL_DEPRIVE -manquer_de_respect_envers OFFEND_DISESTEEM -disesteem OFFEND_DISESTEEM -disrespect OFFEND_DISESTEEM -faltar_al_respeto OFFEND_DISESTEEM -derramar SPILL_POUR THROW EMPTY_UNLOAD EXCRETE PUT_APPLY_PLACE_PAVE SHOOT_LAUNCH_PROPEL CIRCULATE_SPREAD_DISTRIBUTE -desparramar SPILL_POUR BURY_PLANT EMPTY_UNLOAD CIRCULATE_SPREAD_DISTRIBUTE -spill SPILL_POUR EMPTY_UNLOAD SPEAK EXCRETE REDUCE_DIMINISH -disgruntle CAUSE-MENTAL-STATE -disimular DECEIVE CLOUD_SHADOW_HIDE -disfrazarse DECEIVE -disguise DECEIVE -dar_asco DISLIKE -gross_out DISLIKE CAUSE-MENTAL-STATE -dish_up GIVE_GIFT -serve_up GIVE_GIFT -dish GIVE_GIFT SHAPE -dish_the_dirt REVEAL -chismorrear REVEAL -dissonate WORSEN MAKE-A-SOUND -disharmonize WORSEN -dishearten CAUSE-MENTAL-STATE -tangle MESS OBLIGE_FORCE COMPLEXIFY -desgreñar MESS -tousle MESS -enmarañar MESS ATTACH -dishevel MESS -disincarnate CHANGE_SWITCH -indispose CAUSE-MENTAL-STATE HURT_HARM_ACHE DEBASE_ADULTERATE -indisposer CAUSE-MENTAL-STATE HURT_HARM_ACHE DEBASE_ADULTERATE -disincline CAUSE-MENTAL-STATE -desinfectar HELP_HEAL_CARE_CURE WASH_CLEAN -disinfect HELP_HEAL_CARE_CURE -disinfest WASH_CLEAN -desheredar STEAL_DEPRIVE -disinherit STEAL_DEPRIVE -déshériter STEAL_DEPRIVE -disown DISCARD STEAL_DEPRIVE -disgregar SEPARATE_FILTER_DETACH -exhumar EXTRACT -exhume EXTRACT -disinter EXTRACT -disinvest REMOVE_TAKE-AWAY_KIDNAP REDUCE_DIMINISH -desinvertir REMOVE_TAKE-AWAY_KIDNAP REDUCE_DIMINISH -despojaron REMOVE_TAKE-AWAY_KIDNAP -désinvestir REMOVE_TAKE-AWAY_KIDNAP REDUCE_DIMINISH -se_mettre_nu REMOVE_TAKE-AWAY_KIDNAP -se_dévêtir REMOVE_TAKE-AWAY_KIDNAP -se_déshabiller REMOVE_TAKE-AWAY_KIDNAP -se_mettre_à_poil REMOVE_TAKE-AWAY_KIDNAP -desvestirse REMOVE_TAKE-AWAY_KIDNAP -se_dénuder REMOVE_TAKE-AWAY_KIDNAP -disjoin SEPARATE_FILTER_DETACH -harrow MOVE-SOMETHING -gradar MOVE-SOMETHING -disk MOVE-SOMETHING -desagradar DISLIKE CAUSE-MENTAL-STATE -dislike DISLIKE -dislocate REMOVE_TAKE-AWAY_KIDNAP HURT_HARM_ACHE -luxar HURT_HARM_ACHE -dislocar HURT_HARM_ACHE -luxate HURT_HARM_ACHE -slip REMEMBER HURT_HARM_ACHE MOVE-SOMETHING INSERT MISTAKE GIVE_GIFT REDUCE_DIMINISH GO-FORWARD -splay TURN_CHANGE-DIRECTION OPEN HURT_HARM_ACHE -reposition TURN_CHANGE-DIRECTION PUT_APPLY_PLACE_PAVE -repositionner TURN_CHANGE-DIRECTION PUT_APPLY_PLACE_PAVE -resituar TURN_CHANGE-DIRECTION PUT_APPLY_PLACE_PAVE -déplacer TURN_CHANGE-DIRECTION GO-FORWARD MOVE-SOMETHING -demolir FLATTEN_SMOOTHEN -raze FLATTEN_SMOOTHEN -tear_down FLATTEN_SMOOTHEN -rase FLATTEN_SMOOTHEN -arrancar_a_tiras REMOVE_TAKE-AWAY_KIDNAP -descuartizar KILL -despiezar KILL -send_packing DISBAND_BREAK-UP -largar DROP DISBAND_BREAK-UP -usher_out DRIVE-BACK -démonter FALL_SLIDE-DOWN -liviano FALL_SLIDE-DOWN -descabalgar FALL_SLIDE-DOWN -get_off FALL_SLIDE-DOWN HELP_HEAL_CARE_CURE ABSTAIN_AVOID_REFRAIN LIKE EXEMPT ENJOY SEND SPEAK LAND_GET-OFF LEAVE_DEPART_RUN-AWAY -dismount FALL_SLIDE-DOWN -unhorse FALL_SLIDE-DOWN -disobey OPPOSE_REBEL_DISSENT -desobedecer OPPOSE_REBEL_DISSENT -desatender ABSTAIN_AVOID_REFRAIN MISS_OMIT_LACK DOWNPLAY_HUMILIATE -disorganize MESS -disorganise MESS -desorganizar MESS -disorientate ORIENT -disorient ORIENT -repudiate DISCARD REFUSE -repudiar DISCARD -foreswear GIVE-UP_ABOLISH_ABANDON -renunicar GIVE-UP_ABOLISH_ABANDON -waive GIVE-UP_ABOLISH_ABANDON -relinquish CHANGE-HANDS LIBERATE_ALLOW_AFFORD GIVE-UP_ABOLISH_ABANDON -dispense_with DISCARD EXEMPT GIVE-UP_ABOLISH_ABANDON -spare ABSTAIN_AVOID_REFRAIN EXEMPT PRESERVE -deshacerse_de EXEMPT -part_with EXEMPT -prescindir_de EXEMPT -prescindir DISCARD GIVE-UP_ABOLISH_ABANDON -diseminarse LEAVE_DEPART_RUN-AWAY -disperser COVER_SPREAD_SURMOUNT -dust CORRODE_WEAR-AWAY_SCRATCH COVER_SPREAD_SURMOUNT WASH_CLEAN -preempt REPLACE OBTAIN BID -display SHOW COURT -étaler SHOW -afficher SHOW -displease CAUSE-MENTAL-STATE -disgustar CAUSE-MENTAL-STATE -cualificar SUBJECTIVE-JUDGING PREPARE ADD -dispose_of FINISH_CONCLUDE_END -dispossess STEAL_DEPRIVE -dispread EMIT -descalificar CANCEL_ELIMINATE DEBASE_ADULTERATE -disqualify CANCEL_ELIMINATE DEBASE_ADULTERATE -descualificar CANCEL_ELIMINATE -indisponer HURT_HARM_ACHE DEBASE_ADULTERATE -inhabilitar DEBASE_ADULTERATE -unfit DEBASE_ADULTERATE -descuidar FAIL_LOSE MISS_OMIT_LACK DOWNPLAY_HUMILIATE -negligir MISS_OMIT_LACK DOWNPLAY_HUMILIATE -neglect MISS_OMIT_LACK FAIL_LOSE DOWNPLAY_HUMILIATE -dissatisfy CAUSE-MENTAL-STATE -disecar OPEN -récriminer ACCUSE OPPOSE_REBEL_DISSENT -s'indigner OPPOSE_REBEL_DISSENT -protest DECREE_DECLARE OPPOSE_REBEL_DISSENT -protester OPPOSE_REBEL_DISSENT -se_récrier OPPOSE_REBEL_DISSENT -dissimilate DIVERSIFY -hacer_disímil DIVERSIFY -disimilar DIVERSIFY -dissimulate CLOUD_SHADOW_HIDE -fool_away WASTE -frivol_away WASTE -fritter WASTE -fritter_away WASTE -prodigar WASTE GIVE_GIFT -desleírse DESTROY -diluirse DESTROY -dissoudre DESTROY -fade_out WEAKEN -fade_away WEAKEN -mantener_a_distancia MOVE-BACK -distancer MOVE-BACK OVERCOME_SURPASS -distance MOVE-BACK OVERCOME_SURPASS -outdistance OVERCOME_SURPASS -sobrepasar EXIST-WITH-FEATURE OVERCOME_SURPASS -outstrip OVERCOME_SURPASS -dejar_atrás LEAVE-BEHIND OVERCOME_SURPASS -pintar_al_temple PAINT -distemper PAINT -distiller EXTRACT -extract REMOVE_TAKE-AWAY_KIDNAP CITE CALCULATE_ESTIMATE SEPARATE_FILTER_DETACH OBTAIN EXTRACT INFER -sublimer ADJUST_CORRECT CHANGE-APPEARANCE/STATE DIRECT_AIM_MANEUVER WASH_CLEAN -sublimar CHANGE-APPEARANCE/STATE DIRECT_AIM_MANEUVER WASH_CLEAN -sublimate ADJUST_CORRECT CHANGE-APPEARANCE/STATE DIRECT_AIM_MANEUVER WASH_CLEAN -make_pure WASH_CLEAN -purify CHANGE-APPEARANCE/STATE WASH_CLEAN -señalizar LOAD_PROVIDE_CHARGE_FURNISH AMELIORATE -twine ROLL WEAVE SHAPE -garble REPRESENT -comisar CHARGE -distrain TAKE CHARGE STEAL_DEPRIVE -distress CAUSE-MENTAL-STATE -straiten CAUSE-MENTAL-STATE PRESS_PUSH_FOLD -hand_out GIVE_GIFT -hacinar AMASS SORT_CLASSIFY_ARRANGE FILL -distribuir_por_zonas ORGANIZE -zone DIVIDE ORGANIZE -district ORGANIZE -suspect RELY BELIEVE -desconfiar RELY BELIEVE -recelar RELY -mistrust RELY -intuir RELY PERCEIVE BELIEVE UNDERSTAND -distrust RELY -se_méfier RELY -manosear TOUCH MOVE-ONESELF MOVE-SOMETHING VIOLATE -dejar_plantado GIVE-UP_ABOLISH_ABANDON -abrir_zanjas CAVE_CARVE -abrir_trincheras CAVE_CARVE -abrir_una_zanja CAVE_CARVE -trench BURY_PLANT VIOLATE STRENGTHEN_MAKE-RESISTANT CAVE_CARVE -zanjar HIT CAVE_CARVE -dither BEHAVE -pother BEHAVE CAUSE-MENTAL-STATE -ditto REPEAT -divaricate COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH -caer_en_picado REDUCE_DIMINISH -dive REDUCE_DIMINISH DIP_DIVE -bucear DIP_DIVE -bombardear_en_picado ATTACK_BOMB -dive-bomb ATTACK_BOMB -dévier SEPARATE_FILTER_DETACH -diverger SEPARATE_FILTER_DETACH -diversificarse DIVERSIFY -hive_off DISBAND_BREAK-UP MOVE-SOMETHING -dividirse SEPARATE_FILTER_DETACH -fractionner SEPARATE_FILTER_DETACH -fraccionar DIVIDE SEPARATE_FILTER_DETACH -fraction DIVIDE -adivinar SEARCH PERCEIVE GUESS -divine SEARCH PERCEIVE -marear CAUSE-MENTAL-STATE MOVE-SOMETHING -dizzy CAUSE-MENTAL-STATE -perform CARRY-OUT-ACTION PERFORM EMCEE -exécuter CARRY-OUT-ACTION OPERATE EMCEE KILL -montárselo MANAGE -exercise WORK PREPARE STUDY CARRY-OUT-ACTION TEACH -practise TRY WORK STUDY -do_a_job_on DESTROY -éliminer CANCEL_ELIMINATE -do_away_with CANCEL_ELIMINATE -desembarazarse CANCEL_ELIMINATE -do_by TREAT -drug GIVE_GIFT USE -do_drugs USE -drogarse ENJOY USE -do_in KILL -neutralise CONVERT STOP COMPENSATE KILL -liquidate CONVERT PAY KILL DISBAND_BREAK-UP -hacer_justicia EXIST-WITH-FEATURE LIKE -do_justice EXIST-WITH-FEATURE LIKE -go_all_out CARRY-OUT-ACTION -give_full_measure CARRY-OUT-ACTION -do_one's_best CARRY-OUT-ACTION -give_one's_best CARRY-OUT-ACTION -do_the_dishes WASH_CLEAN -do_the_honors EMCEE -pretty_up EMBELLISH -do_up ENCLOSE_WRAP EMBELLISH -doll_up EMBELLISH -glam_up EMBELLISH -had_best CARRY-OUT-ACTION -do_well CARRY-OUT-ACTION -do_well_by TREAT -trabajar BENEFIT_EXPLOIT WORK OPERATE PREPARE SHAPE -do_work WORK -docket RECORD SUMMARIZE -etiquetar NAME ATTACH SUMMARIZE -rotular ATTACH SUMMARIZE -doctor_up DEBASE_ADULTERATE -documentar LOAD_PROVIDE_CHARGE_FURNISH RECORD -document LOAD_PROVIDE_CHARGE_FURNISH RECORD -documenter LOAD_PROVIDE_CHARGE_FURNISH -doff REMOVE_TAKE-AWAY_KIDNAP -dogfight FIGHT ORGANIZE -dogmatiser SPEAK -dogmatize SPEAK -dogmatizar SPEAK -dogmatise SPEAK -dogsled MOVE-BY-MEANS-OF -mush MOVE-BY-MEANS-OF -domesticize TEACH -someter SUBJUGATE GIVE_GIFT TEACH PROPOSE -reclaim HELP_HEAL_CARE_CURE REQUIRE_NEED_WANT_HOPE USE TEACH RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -domeñar TEACH -domesticise TEACH -domicile STAY_DWELL -domiciliate STAY_DWELL -reside INCLUDE-AS STAY_DWELL -shack TRAVEL STAY_DWELL -house CONTAIN STAY_DWELL -domiciliar STAY_DWELL -cobijar TAKE-SHELTER STAY_DWELL -reinar LEAD_GOVERN -predominate LEAD_GOVERN OVERCOME_SURPASS -reign LEAD_GOVERN -prédominer LEAD_GOVERN -predominar LEAD_GOVERN OVERCOME_SURPASS -eclipsar OVERCOME_SURPASS STOP COMPARE CLOUD_SHADOW_HIDE -overshadow COMPARE CLOUD_SHADOW_HIDE -eclipse COMPARE CLOUD_SHADOW_HIDE -tyrannize SUBJUGATE LEAD_GOVERN -tiranizar SUBJUGATE LEAD_GOVERN -tyranniser SUBJUGATE LEAD_GOVERN -tyrannise SUBJUGATE LEAD_GOVERN -domineer SUBJUGATE -donate GIVE_GIFT -garabatear PAINT WRITE -garrapatear PAINT WRITE -borrajear PAINT -doodle PAINT -doparse FAKE -dope GIVE_GIFT AMELIORATE FAKE -doper FAKE -dopar GIVE_GIFT FAKE -dope_up GIVE_GIFT -s'ensommeiller SLEEP -quedarse_dormido SLEEP -adormecerse SLEEP -dormirse SLEEP -doze_off SLEEP -flake_out SLEEP -nod_off SLEEP -s'endormir SLEEP -drift_off SLEEP -fall_asleep SLEEP -drowse_off SLEEP -dope_off SLEEP -dose GIVE_GIFT TREAT-WITH/BY -administrer_un_médicament_à GIVE_GIFT TREAT-WITH/BY -poner_el_punto WRITE -puntear PAINT WRITE PERFORM CAVE_CARVE -dote BEHAVE LIKE -chochear BEHAVE LIKE -double WORK REPEAT INCREASE_ENLARGE_MULTIPLY BEND HIT ASK_REQUEST -duplicate MATCH INCREASE_ENLARGE_MULTIPLY REPEAT COPY -duplicar MATCH INCREASE_ENLARGE_MULTIPLY REPEAT COPY -doubler INCREASE_ENLARGE_MULTIPLY OVERCOME_SURPASS -duplicarse INCREASE_ENLARGE_MULTIPLY -double_over BEND -retorcerse BEND HURT_HARM_ACHE MOVE-ONESELF -doblarse_sobre_sí BEND -double_up SHARE BEND BID -repeat REPEAT HAPPEN_OCCUR -reduplicate INCREASE_ENLARGE_MULTIPLY REPEAT -double-check VERIFY -salir_en_parejas MEET -double-date MEET -double-glaze LOAD_PROVIDE_CHARGE_FURNISH -double-park PUT_APPLY_PLACE_PAVE -double-space TYPE -double-team PROTECT -double_birdie SCORE -eagle SCORE -double_bogey SCORE -double_crochet SEW -double_stitch SEW -double_cross BETRAY -double_dye COLOR -triple-tongue PERFORM -double_tongue PERFORM -parlay BID -doblar_la_apuesta BID -dudar STOP BELIEVE COMPARE -doubt BELIEVE -douter BELIEVE -douche WASH_CLEAN -soak HEAT HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE DIP_DIVE SELL HIT WET FEEL -sop WET PERMEATE GIVE_GIFT DIP_DIVE -drench WET OBLIGE_FORCE -dowse SEARCH WET REDUCE_DIMINISH -dovetail FIT -encajarse FIT -dower GIVE_GIFT -endow AUTHORIZE_ADMIT GIVE_GIFT -peaufiner AMELIORATE -downgrade WORSEN -télécharger TRANSMIT -download TRANSMIT -minimise REDUCE_DIMINISH DOWNPLAY_HUMILIATE -understate DOWNPLAY_HUMILIATE -downsize DISMISS_FIRE-SMN REDUCE_DIMINISH -doze SLEEP -cabecear SLEEP EXHAUST -drowse SLEEP EXHAUST -adormilarse SLEEP -adormitarse SLEEP -snooze SLEEP -enlist HIRE ALLY_ASSOCIATE_MARRY -muster_in HIRE -dredge SEARCH REMOVE_TAKE-AWAY_KIDNAP COVER_SPREAD_SURMOUNT -dragar SEARCH REMOVE_TAKE-AWAY_KIDNAP COVER_SPREAD_SURMOUNT -drag_in OBLIGE_FORCE -embroil OBLIGE_FORCE -scuff BREAK_DETERIORATE TOUCH CORRODE_WEAR-AWAY_SCRATCH MOVE-ONESELF -get_behind EXIST-WITH-FEATURE -drop_behind EXIST-WITH-FEATURE -rezagarse EXIST-WITH-FEATURE -hang_back EXIST-WITH-FEATURE -drop_back EXIST-WITH-FEATURE MOVE-BACK -dar_caladas BREATH_BLOW -drag_out CONTINUE -drag_on CONTINUE -prolongarse CONTINUE -alargarse INCREASE_ENLARGE_MULTIPLY COVER_SPREAD_SURMOUNT CONTINUE -alargar DELAY INCREASE_ENLARGE_MULTIPLY EXTEND CONTINUE -dredge_up REMEMBER -drag_up REMEMBER -dragoon SUBJUGATE OBLIGE_FORCE -embrigader SUBJUGATE OBLIGE_FORCE -sandbag TREAT DECEIVE HIT OBLIGE_FORCE STRENGTHEN_MAKE-RESISTANT -railroad LOAD_PROVIDE_CHARGE_FURNISH OBLIGE_FORCE CARRY_TRANSPORT -vidanger EMPTY_UNLOAD -assécher EMPTY_UNLOAD -purger EMPTY_UNLOAD PAY -desaguar EMPTY_UNLOAD FLOW -desembocar EMPTY_UNLOAD FLOW -drainer EMPTY_UNLOAD -escurrirse FLOW -drink_up DRINK -drain_the_cup DRINK -entapizar EMBELLISH -tapizar COVER_SPREAD_SURMOUNT EMBELLISH -reap GROUP OBTAIN -prepararse STUDY PREPARE EXTRACT -draw_and_quarter KILL -écarteler KILL -string LOAD_PROVIDE_CHARGE_FURNISH REMOVE_TAKE-AWAY_KIDNAP COMBINE_MIX_UNITE SECURE_FASTEN_TIE TRAVEL INSERT EXTEND -enhebrar INSERT MOVE-SOMETHING -ensartar INSERT SPEAK TRAVEL MOVE-SOMETHING -enfilar INSERT -encordar LOAD_PROVIDE_CHARGE_FURNISH COMBINE_MIX_UNITE INSERT SECURE_FASTEN_TIE -thread REMOVE_TAKE-AWAY_KIDNAP INSERT TRAVEL MOVE-SOMETHING -dépiler REMOVE_TAKE-AWAY_KIDNAP -retirer REMOVE_TAKE-AWAY_KIDNAP -draw_off REMOVE_TAKE-AWAY_KIDNAP -exprimir PRESS_PUSH_FOLD BENEFIT_EXPLOIT EXTRACT STEAL_DEPRIVE -remorquer PULL -remolcar PULL -trainer PULL -traîner PULL -draw_the_line RESTRAIN -draw_a_line RESTRAIN -draw_away REMOVE_TAKE-AWAY_KIDNAP OVERCOME_SURPASS -jubilar DISCARD RESIGN_RETIRE MOVE-BACK CELEBRATE_PARTY GIVE_GIFT DISMISS_FIRE-SMN -move_back MOVE-BACK -draw_back OPEN MOVE-BACK -pull_away MOVE-BACK -recede MOVE-BACK WEAKEN -retraerse PULL MOVE-BACK -hacer_su_llegada ARRIVE -move_in ARRIVE GO-FORWARD STAY_DWELL -suck_in ABSORB ATTRACT_SUCK -prolong INCREASE_ENLARGE_MULTIPLY EXTEND -protract INCREASE_ENLARGE_MULTIPLY -prolonger INCREASE_ENLARGE_MULTIPLY EXTEND -extraire REMOVE_TAKE-AWAY_KIDNAP -pull_up REMOVE_TAKE-AWAY_KIDNAP STOP STRAIGHTEN -draw_rein DIRECT_AIM_MANEUVER -harness LOAD_PROVIDE_CHARGE_FURNISH BENEFIT_EXPLOIT DIRECT_AIM_MANEUVER RESTRAIN -rein_in STOP DIRECT_AIM_MANEUVER -rein STOP DIRECT_AIM_MANEUVER RESTRAIN -enderezarse ADJUST_CORRECT STRAIGHTEN -straighten_up STRAIGHTEN -haul_up STOP -pronunciar_arrastrado PRONOUNCE -drawl PRONOUNCE -avoir_peur CAUSE-MENTAL-STATE -espantarse CAUSE-MENTAL-STATE BEGIN -temer CAUSE-MENTAL-STATE REGRET_SORRY -avoir_la_colique CAUSE-MENTAL-STATE -asustarse CAUSE-MENTAL-STATE -craindre CAUSE-MENTAL-STATE -dread CAUSE-MENTAL-STATE -fear CAUSE-MENTAL-STATE REGRET_SORRY -tener_miedo CAUSE-MENTAL-STATE -espolvorear WET COVER_SPREAD_SURMOUNT -calar PERMEATE STOP BURN WET CAVE_CARVE -imbrue WET -get_dressed DRESS_WEAR -vestirse DRESS_WEAR -dress_out PREPARE -poner_en_fila SORT_CLASSIFY_ARRANGE SHAPE -guarnecer EMBELLISH STAY_DWELL -garnish REMOVE_TAKE-AWAY_KIDNAP EMBELLISH -primp EMBELLISH -acicalarse EMBELLISH -underdress DRESS_WEAR -dress_ship EMBELLISH -window-dress EMBELLISH -gotear SPILL_POUR SHOOT_LAUNCH_PROPEL FLOW -drip SPILL_POUR FLOW -slabber SPILL_POUR -drivel SPILL_POUR -salivar SPILL_POUR EXCRETE -baver SPILL_POUR -drool SPILL_POUR REQUIRE_NEED_WANT_HOPE -slaver SPILL_POUR -babosear SPILL_POUR -babear SPILL_POUR LIKE COVER_SPREAD_SURMOUNT REQUIRE_NEED_WANT_HOPE -slobber SPILL_POUR -filter PERMEATE SEPARATE_FILTER_DETACH FLOW -trickle FLOW -descarriarse LEAVE_DEPART_RUN-AWAY -desencaminarse LEAVE_DEPART_RUN-AWAY -err MISTAKE LEAVE_DEPART_RUN-AWAY -freewheel EXIST_LIVE GO-FORWARD -vivir_sin_rumbo EXIST_LIVE -ir_sin_rumbo EXIST_LIVE -drift_away DISBAND_BREAK-UP -drift_apart DISBAND_BREAK-UP -hacer_ejercicio HELP_HEAL_CARE_CURE STUDY -ejercitar TEACH PREPARE STUDY -hacer_la_instrucción TEACH -tope DRINK -saludar CELEBRATE_PARTY SEND APPROVE_PRAISE WELCOME -salute CELEBRATE_PARTY ODORIZE APPROVE_PRAISE WELCOME -faire_ribote CELEBRATE_PARTY -wassail CELEBRATE_PARTY -pledge PAY CELEBRATE_PARTY GIVE_GIFT OBLIGE_FORCE GUARANTEE_ENSURE_PROMISE -brindar LOAD_PROVIDE_CHARGE_FURNISH OFFER ORGANIZE CELEBRATE_PARTY GIVE_GIFT -drink_in FOCUS -chorrear HURT_HARM_ACHE WET EXCRETE SHOOT_LAUNCH_PROPEL FLOW GO-FORWARD -drip-dry DRY -conducirse EXIST-WITH-FEATURE TURN_CHANGE-DIRECTION -propulser MOVE-SOMETHING OPERATE PRESS_PUSH_FOLD -enviar_un_drive HIT -motor MOVE-BY-MEANS-OF -hacer_trabajar_mucho TRY -laborar TRY -tug FIGHT CARRY_TRANSPORT TRY PULL -matarse_trabajando TRY -rebuff REFUSE DRIVE-BACK -drive_back DRIVE-BACK -fight_off DRIVE-BACK -ram_home PERSUADE -press_home PERSUADE -drive_in HOLE_PIERCE ARRIVE SCORE -llegar_en_coche ARRIVE -hacer_salir DRIVE-BACK FIND -empujar TURN_CHANGE-DIRECTION CARRY_TRANSPORT MOVE-SOMETHING DRIVE-BACK PRESS_PUSH_FOLD OBLIGE_FORCE GO-FORWARD -rout_out REMOVE_TAKE-AWAY_KIDNAP DRIVE-BACK FIND -drive_up GO-FORWARD -mojarse WET DIP_DIVE -bruiner WET -lloviznar METEOROLOGICAL WET -humedecerse WET -drizzle METEOROLOGICAL WET -mizzle METEOROLOGICAL -garuar METEOROLOGICAL -drone PERFORM SPEAK -hablar_monótonamente PERFORM -drone_on SPEAK -salivate EXCRETE REQUIRE_NEED_WANT_HOPE -saliver EXCRETE REQUIRE_NEED_WANT_HOPE -slobber_over LIKE -drool_over LIKE -droop REDUCE_DIMINISH HANG SPOIL -sag FALL_SLIDE-DOWN REDUCE_DIMINISH -combarse FALL_SLIDE-DOWN REDUCE_DIMINISH -flag LOAD_PROVIDE_CHARGE_FURNISH EMBELLISH WEAKEN REDUCE_DIMINISH SIGNAL_INDICATE -agostarse DRY SPOIL -wilt SPOIL WEAKEN -marchitarse WORSEN SPOIL -omit MISS_OMIT_LACK -overleap MISS_OMIT_LACK EXHAUST JUMP -pretermit MISS_OMIT_LACK -leave_out MISS_OMIT_LACK -omitir MISS_OMIT_LACK -miss MISS_OMIT_LACK CAUSE-MENTAL-STATE -flatten FLATTEN_SMOOTHEN REDUCE_DIMINISH -engravecer REDUCE_DIMINISH -s'enfoncer LOWER -sumirse FALL_SLIDE-DOWN LOWER DIP_DIVE -chuter LOWER -drop_down LOWER -expend CONSUME_SPEND -spend SPEND-TIME_PASS-TIME CONSUME_SPEND -dépenser CONSUME_SPEND -drop-kick SCORE HIT -dropkick SCORE HIT -drop_a_line COMMUNICATE_CONTACT -fall_away REDUCE_DIMINISH -drop_away REDUCE_DIMINISH -agravarse WORSEN REDUCE_DIMINISH -drop_like_flies REDUCE_DIMINISH -perder MISS_OMIT_LACK GIVE-UP_ABOLISH_ABANDON FAIL_LOSE EXCRETE MOVE-BACK LOSE -lose EXIST-WITH-FEATURE MISS_OMIT_LACK FAIL_LOSE UNDERGO-EXPERIENCE MOVE-BACK PUT_APPLY_PLACE_PAVE LOSE -se_retirer MOVE-BACK -replegarse MOVE-BACK -drop_one's_serve FAIL_LOSE -fall_open OPEN -drop_open OPEN -dejar_colgado GIVE-UP_ABOLISH_ABANDON -dropforge MOUNT_ASSEMBLE_PRODUCE -drown EXIST-WITH-FEATURE CANCEL_ELIMINATE KILL DIP_DIVE -se_noyer KILL -mourir_noyé KILL -swim CAUSE-MENTAL-STATE TRAVEL GO-FORWARD DIP_DIVE -noyer KILL -drown_out CLOUD_SHADOW_HIDE -dry DRY -enjugar REMOVE_TAKE-AWAY_KIDNAP DRY CORRODE_WEAR-AWAY_SCRATCH WASH_CLEAN -sécher DRY -dry_out DRY EMPTY_UNLOAD -secar REMOVE_TAKE-AWAY_KIDNAP DRY CORRODE_WEAR-AWAY_SCRATCH -secarse WORSEN DRY -drydock DIRECT_AIM_MANEUVER -dry-dock DIRECT_AIM_MANEUVER -dry-nurse HELP_HEAL_CARE_CURE -cuidar_un_bebé HELP_HEAL_CARE_CURE -dry-rot CONTRACT-AN-ILLNESS_INFECT -dry-wall MOUNT_ASSEMBLE_PRODUCE -lavar_en_seco WASH_CLEAN -dry_clean WASH_CLEAN -limpiar_en_seco WASH_CLEAN -run_dry EMPTY_UNLOAD -agostar EMPTY_UNLOAD -resecar EMPTY_UNLOAD DRY -momifier DRY PRESERVE -mummify DRY PRESERVE -momificarse DRY -momificar DRY PRESERVE -dub LOAD_PROVIDE_CHARGE_FURNISH ASSIGN-smt-to-smn NAME -nickname NAME -apodar NAME -knight ASSIGN-smt-to-smn -nombrar_caballero ASSIGN-smt-to-smn -se_baisser LOWER -batirse_en_duelo FIGHT -duelar FIGHT -duel FIGHT -azucarar AMELIORATE CHANGE-TASTE -dulcify CHANGE-TASTE -dulcificarse REDUCE_DIMINISH CHANGE-TASTE -edulcorar AMELIORATE CHANGE-TASTE -endulzarse GROW_PLOW CHANGE-TASTE -dulcificar GROW_PLOW CHANGE-APPEARANCE/STATE REDUCE_DIMINISH CHANGE-TASTE -edulcorate CHANGE-TASTE -dulcorate CHANGE-TASTE -endulzar AMELIORATE CHANGE-TASTE INTERPRET -sweeten AMELIORATE CHANGE-TASTE -dummy SHAPE -maquetar SHAPE -underprice SELL -tirar_desperdicios DISCARD -apremiar_al_pago ASK_REQUEST -apremiar ASK_REQUEST -acuciar ASK_REQUEST -dung AMELIORATE EXCRETE -beuse AMELIORATE EXCRETE -realizar_una_volcada SCORE -lanzar_un_mate SCORE -convertir_en_dúplex CONVERT -duplex CONVERT -hacer_un_paralelo MATCH -reflejar MATCH SHOW REFLECT -hermanar MATCH -dusk DIM -desempolvar WASH_CLEAN -shadow FOLLOW-IN-SPACE COMPARE DIM -dwarf STOP COMPARE -empequeñecer STOP -poblar ESTABLISH POPULATE FILL STAY_DWELL -résider STAY_DWELL -habiter STAY_DWELL -populate POPULATE STAY_DWELL -inhabit EXTEND LIE STAY_DWELL -peupler POPULATE FILL STAY_DWELL -harp REFER PERFORM -seguir_en REFER -jouer_de_la_harpe REFER PERFORM -tardar DELAY LEAVE_DEPART_RUN-AWAY -dwell_on DELAY -linger_over DELAY -hesitar DELAY -dwindle REDUCE_DIMINISH -dwindle_away REDUCE_DIMINISH -dwindle_down REDUCE_DIMINISH -teñirse COLOR -teindre COLOR -tinturar COLOR FILL -dye COLOR -dinamizar INCITE_INDUCE -dynamize OPERATE INCITE_INDUCE -dynamise OPERATE INCITE_INDUCE -dynamite EXPLODE -dinamitar EXPLODE -e-mail COMMUNICATE_CONTACT -correo_electrónico COMMUNICATE_CONTACT -email COMMUNICATE_CONTACT -un COMMUNICATE_CONTACT -netmail COMMUNICATE_CONTACT -granjear TAKE -earth BURY_PLANT JOIN_CONNECT -land_up RESULT_CONSEQUENCE STOP -earth_up STOP -ease_up REDUCE_DIMINISH MOVE-SOMETHING WEAKEN -ease_off REDUCE_DIMINISH WEAKEN -slacken_off WEAKEN -move_over MOVE-SOMETHING -alimentarse EAT_BITE -eat_on CAUSE-MENTAL-STATE -manger EAT_BITE -comerse COURT EAT_BITE -bouffer EAT_BITE -jamarse EAT_BITE -jamar EAT_BITE -avaler EAT_BITE -consommer EAT_BITE -desgastarse BREAK_DETERIORATE CORRODE_WEAR-AWAY_SCRATCH REDUCE_DIMINISH -erode CORRODE_WEAR-AWAY_SCRATCH REDUCE_DIMINISH -erosionar CORRODE_WEAR-AWAY_SCRATCH REDUCE_DIMINISH -gnaw_at REDUCE_DIMINISH -gnaw EAT_BITE REDUCE_DIMINISH -eat_at REDUCE_DIMINISH -wear_away CUT CORRODE_WEAR-AWAY_SCRATCH REDUCE_DIMINISH -eat_away CORRODE_WEAR-AWAY_SCRATCH -rankle CAUSE-MENTAL-STATE -grate LOAD_PROVIDE_CHARGE_FURNISH CAUSE-MENTAL-STATE MAKE-A-SOUND CORRODE_WEAR-AWAY_SCRATCH -roer REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE EAT_BITE -carcomer CAUSE-MENTAL-STATE -supurar CAUSE-MENTAL-STATE EXCRETE -eat_into CAUSE-MENTAL-STATE -listen_in HEAR_LISTEN -eavesdrop HEAR_LISTEN -escuchar_a_escondidas HEAR_LISTEN -ebb CATCH REDUCE_DIMINISH MOVE-BACK -ebb_down MOVE-BACK -ebb_off MOVE-BACK -ebb_away MOVE-BACK -ebb_out MOVE-BACK -ebonise COLOR -ebonizar COLOR -ébéner COLOR -ebonize COLOR -resonar MAKE-A-SOUND REPEAT -resound MAKE-A-SOUND REPEAT -reverberar LIGHT_SHINE REFLECT REPEAT -echo REMEMBER REPEAT -redire REPEAT -répéter REPEAT -répercuter REPEAT -hacer_coro REPEAT -reproduire REPEAT -occult CLOUD_SHADOW_HIDE -économiser RETAIN_KEEP_SAVE-MONEY -ahorrar ABSTAIN_AVOID_REFRAIN EXEMPT RETAIN_KEEP_SAVE-MONEY -arremolinarse TRAVEL FLY FLOW -swirl TRAVEL FLOW -remolinear TRAVEL FLOW -whirlpool FLOW -eddy FLOW -purl MAKE-A-SOUND SEW FLOW EMBELLISH -tricoter_à_l'envers MAKE-A-SOUND SEW FLOW EMBELLISH -afilar SHARPEN AMELIORATE AROUSE_WAKE_ENLIVEN -inch GO-FORWARD -edge_in MOVE-SOMETHING -edge_up MOVE-SOMETHING -edify EXPLAIN -iluminar ASSIGN-smt-to-smn EXPLAIN EMBELLISH LIGHTEN -ilustrar PAINT EXPLAIN REPRESENT EMBELLISH -editorialise SPEAK -editorialize SPEAK -editorializar SPEAK -éduquer TEACH -wipe_off REMOVE_TAKE-AWAY_KIDNAP CANCEL_ELIMINATE -score_out CANCEL_ELIMINATE -rub_out CANCEL_ELIMINATE -efface CLOUD_SHADOW_HIDE CANCEL_ELIMINATE FORGET -effect CREATE_MATERIALIZE CAUSE-SMT -effectuate CREATE_MATERIALIZE -courir_les_femmes CHANGE-APPEARANCE/STATE COURT -womanize CHANGE-APPEARANCE/STATE COURT -feminize CHANGE-APPEARANCE/STATE -effeminize CHANGE-APPEARANCE/STATE -feminise CHANGE-APPEARANCE/STATE -effeminise CHANGE-APPEARANCE/STATE -fizz CHANGE-APPEARANCE/STATE -effervesce CHANGE-APPEARANCE/STATE -foam CHANGE-APPEARANCE/STATE -espumajear CHANGE-APPEARANCE/STATE -froth EMIT CHANGE-APPEARANCE/STATE EXCRETE -form_bubbles CHANGE-APPEARANCE/STATE -eflorecerse COVER_SPREAD_SURMOUNT -effuse SPILL_POUR FLOW EMIT -emanar EMIT FLOW -flow_out FLOW -excretér EXCRETE -excretar EXCRETE -egest EXCRETE -excrete EXCRETE -egg THROW COVER_SPREAD_SURMOUNT -rebozar COVER_SPREAD_SURMOUNT -egg_on INCITE_INDUCE -egotrip BEHAVE -eyacular EXCRETE -squirt WET -squeeze_out EARN WET OBTAIN EXTRACT DISMISS_FIRE-SMN SHAPE -ganarse_la_vida EARN -eke_out EXIST_LIVE INCREASE_ENLARGE_MULTIPLY OBTAIN EARN -transcurrir AUTHORIZE_ADMIT SPEND-TIME_PASS-TIME -slide_by SPEND-TIME_PASS-TIME -slip_by SPEND-TIME_PASS-TIME -s'écouler AUTHORIZE_ADMIT SPEND-TIME_PASS-TIME -trascurrir SPEND-TIME_PASS-TIME -elapse SPEND-TIME_PASS-TIME -slip_away SPEND-TIME_PASS-TIME LEAVE_DEPART_RUN-AWAY -glide_by SPEND-TIME_PASS-TIME -filer SPEND-TIME_PASS-TIME -go_by NAME SPEND-TIME_PASS-TIME OBEY OVERCOME_SURPASS -intoxicar AROUSE_WAKE_ENLIVEN HURT_HARM_ACHE KILL GIVE_GIFT ADD -regocijar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN -lift_up AROUSE_WAKE_ENLIVEN EXTRACT -alborozar AROUSE_WAKE_ENLIVEN -intoxicate AROUSE_WAKE_ENLIVEN HURT_HARM_ACHE -uplift AROUSE_WAKE_ENLIVEN RAISE -elate AROUSE_WAKE_ENLIVEN -codear TOUCH MOVE-SOMETHING HIT -elbow TRAVEL HIT -elect CHOOSE -electioneer WORK -electrizar LOAD_PROVIDE_CHARGE_FURNISH -electrify LOAD_PROVIDE_CHARGE_FURNISH CAUSE-MENTAL-STATE -electrificar LOAD_PROVIDE_CHARGE_FURNISH -electrocusión KILL -electrocutar KILL -freír COOK KILL -électrocuter KILL -fry HEAT COOK KILL -electrocute KILL -electrocutarse KILL -electroplate COVER_SPREAD_SURMOUNT -elegise CREATE_MATERIALIZE -elegize CREATE_MATERIALIZE -elide MISS_OMIT_LACK -elidir MISS_OMIT_LACK -winnow_out REFUSE -rid_of PRECLUDE_FORBID_EXPEL -elocute SPEAK -elongate EXTEND -étendre INCREASE_ENLARGE_MULTIPLY LIE DEFEAT PERFORM EXTEND -distender PRONOUNCE HELP_HEAL_CARE_CURE EXTEND -escaquearse ABSTAIN_AVOID_REFRAIN LEAVE_DEPART_RUN-AWAY -elope LEAVE_DEPART_RUN-AWAY -elute WASH_CLEAN -eluir WASH_CLEAN -macerar SEPARATE_FILTER_DETACH DESTROY WEAKEN -macérer COOK SEPARATE_FILTER_DETACH DESTROY WEAKEN -demacrar WEAKEN -macerate COOK SEPARATE_FILTER_DETACH DESTROY WEAKEN -décharner WEAKEN -demacrarse WEAKEN -emaciate WEAKEN -émacier WEAKEN -emanate EMIT FLOW -émaner FLOW -give_forth EMIT -emancipar LIBERATE_ALLOW_AFFORD -emancipate LIBERATE_ALLOW_AFFORD -manumisión LIBERATE_ALLOW_AFFORD -manumit LIBERATE_ALLOW_AFFORD -liberate LIBERATE_ALLOW_AFFORD EMIT -embalm PRESERVE -embalsamar PRESERVE -embank ENCLOSE_WRAP -embargo STOP PRECLUDE_FORBID_EXPEL -embark RISK CATCH_EMBARK BEGIN -embarcarse RISK -ship LOAD_PROVIDE_CHARGE_FURNISH CARRY_TRANSPORT CATCH_EMBARK MOVE-BY-MEANS-OF HIRE -embattle PREPARE STRENGTHEN_MAKE-RESISTANT -embed SECURE_FASTEN_TIE ACCOMPANY -imbed SECURE_FASTEN_TIE -engraft GROW_PLOW SECURE_FASTEN_TIE -implanter SECURE_FASTEN_TIE -empotrar SECURE_FASTEN_TIE -greffer GROW_PLOW SECURE_FASTEN_TIE -planter HOLE_PIERCE SECURE_FASTEN_TIE -implant INSERT SECURE_FASTEN_TIE TEACH -snarl WORSEN MESS SPEAK MAKE-A-SOUND -snarl_up WORSEN -embrangle WORSEN -embrittle WEAKEN -fragilizar WEAKEN -sombrear COLOR PAINT -emend ADJUST_CORRECT -perfilarse SHOW -s'ébaucher SHOW -emigrar GO-FORWARD LEAVE_DEPART_RUN-AWAY -émigrer LEAVE_DEPART_RUN-AWAY -emigrate LEAVE_DEPART_RUN-AWAY -emitir_sonidos MAKE-A-SOUND -let_loose LIBERATE_ALLOW_AFFORD MAKE-A-SOUND -utter MAKE-A-SOUND SPEAK CIRCULATE_SPREAD_DISTRIBUTE -give_off EMIT EXIST-WITH-FEATURE -emote PERFORM -enclavar HOLE_PIERCE ATTACH FIND BE-LOCATED_BASE -estacar HOLE_PIERCE SIGNAL_INDICATE SECURE_FASTEN_TIE KILL -empalar HOLE_PIERCE KILL -empale HOLE_PIERCE -transpercer HOLE_PIERCE -empaler HOLE_PIERCE KILL -impalar HOLE_PIERCE KILL -transfix HOLE_PIERCE STOP -impale HOLE_PIERCE KILL -spike EXIST-WITH-FEATURE STOP GROW_PLOW SECURE_FASTEN_TIE INCREASE_ENLARGE_MULTIPLY HOLE_PIERCE -impanel CO-OPT CHOOSE -constituer CO-OPT CHOOSE -empanel CO-OPT CHOOSE -panel CHOOSE EMBELLISH -empatizar CAUSE-MENTAL-STATE -understand CAUSE-MENTAL-STATE BELIEVE UNDERSTAND -empathise CAUSE-MENTAL-STATE -empathize CAUSE-MENTAL-STATE -exagérer EMPHASIZE -underline EMPHASIZE -underscore EMPHASIZE -emplace PUT_APPLY_PLACE_PAVE -emplane CATCH_EMBARK -enplane CATCH_EMBARK -endue AUTHORIZE_ADMIT -indue AUTHORIZE_ADMIT -gift AUTHORIZE_ADMIT GIVE_GIFT -evacuate REMOVE_TAKE-AWAY_KIDNAP EMPTY_UNLOAD EXCRETE MOVE-SOMETHING -désemplir EMPTY_UNLOAD -purpurate COLOR -empurple COLOR -purple COLOR -purpurar COLOR -emulate SIMULATE FACE_CHALLENGE -emular SIMULATE FACE_CHALLENGE -émuler SIMULATE -émulsionner CHANGE-APPEARANCE/STATE CONVERT -emulsify CHANGE-APPEARANCE/STATE CONVERT -emulsionar CHANGE-APPEARANCE/STATE CONVERT -enable HELP_HEAL_CARE_CURE -posibilitar HELP_HEAL_CARE_CURE -habilitar EXIST-WITH-FEATURE ACHIEVE SUBJECTIVE-JUDGING HELP_HEAL_CARE_CURE -promulgar DECREE_DECLARE ORDER -enamel EMBELLISH -esmaltar EMBELLISH -enchain STOP -enfold ENCLOSE_WRAP -envelopper ENCLOSE_WRAP -envelop ENCLOSE_WRAP -enwrap ENCLOSE_WRAP -wrap ENCLOSE_WRAP DESTROY ROLL -insert PUT_APPLY_PLACE_PAVE INSERT -stick_in INSERT -incluír INSERT -insertar PUT_APPLY_PLACE_PAVE INSERT PROPOSE -encode CONVERT -pedir_un_encore ASK_REQUEST -encore ASK_REQUEST -recibirse RESULT_CONSEQUENCE -receive CAUSE-MENTAL-STATE WELCOME LIKE RECORD AGREE_ACCEPT OBTAIN HOST_MEAL_INVITE SHARE RESULT_CONSEQUENCE RECEIVE -acarminar COLOR -encrimson COLOR -traspasar_los_límites VIOLATE -encroach VIOLATE -empiéter VIOLATE -impinge VIOLATE -aparcer_sin_invitación VIOLATE -obtrude_upon VIOLATE -encroach_upon VIOLATE -invade ATTACK_BOMB COVER_SPREAD_SURMOUNT VIOLATE -intrude_on VIOLATE -encostrarse CHANGE-APPEARANCE/STATE -end_up RESULT_CONSEQUENCE -fetch_up RESULT_CONSEQUENCE -threaten SIGNAL_INDICATE SPEAK ENDANGER -imperil ENDANGER -exposer SHOW ENDANGER -jeopardise ENDANGER -peril ENDANGER -péril ENDANGER -conminar ENDANGER -exponer_al_peligro ENDANGER -menace BEHAVE SPEAK ENDANGER -menacer BEHAVE SPEAK ENDANGER -hacer_peligrar ENDANGER -endanger ENDANGER -ganarse_el_cariño EMBELLISH -endear EMBELLISH -strive EXHAUST TRY -procurar SEARCH OBTAIN TRY -endeavor TRY -s'efforcer TRY -endeavour TRY -empeñarse TRY -hold_out WAIT RESIST EXTEND CONTINUE -durer CONTINUE -last CONTINUE -survivre CONTINUE -live_on CONTINUE -enervar CAUSE-MENTAL-STATE WEAKEN -unnerve CAUSE-MENTAL-STATE -unsettle CAUSE-MENTAL-STATE -enervate CAUSE-MENTAL-STATE WEAKEN -faze CAUSE-MENTAL-STATE -enfeoff REPLACE -enfilade SHOOT_LAUNCH_PROPEL -habilitar_para_votar AUTHORIZE_ADMIT -wage FACE_CHALLENGE -mesh BEFRIEND OPERATE ATTACH ORGANIZE -engranar OPERATE ATTACH ORGANIZE -lock MOUNT_ASSEMBLE_PRODUCE STOP SECURE_FASTEN_TIE OPERATE TOUCH CAGE_IMPRISON OVERCOME_SURPASS -prosecute ACCUSE CARRY-OUT-ACTION -ingraft GROW_PLOW -graft GROW_PLOW PUT_APPLY_PLACE_PAVE -injertar GROW_PLOW PUT_APPLY_PLACE_PAVE -engraver CAVE_CARVE -engrave CAUSE-MENTAL-STATE CAVE_CARVE -graver CAVE_CARVE -etch CORRODE_WEAR-AWAY_SCRATCH SIGN CAVE_CARVE -graver_à_l'eau_forte CORRODE_WEAR-AWAY_SCRATCH SIGN CAVE_CARVE -inscrire CAVE_CARVE -grave CAVE_CARVE -enhance INCREASE_ENLARGE_MULTIPLY AMELIORATE -realzar INCREASE_ENLARGE_MULTIPLY AMELIORATE -entredecir PRECLUDE_FORBID_EXPEL -enjoin ORDER PRECLUDE_FORBID_EXPEL -intertwine ROLL WEAVE -interlace STOP WEAVE -enlace WEAVE -entrelazar ROLL STOP WEAVE ORGANIZE -entretejer SECURE_FASTEN_TIE WEAVE -entwine SECURE_FASTEN_TIE WEAVE -anchar INCREASE_ENLARGE_MULTIPLY -ampliarse INCREASE_ENLARGE_MULTIPLY -agrandarse INCREASE_ENLARGE_MULTIPLY -édifier TEACH -instruire TEACH -éclairer TEACH -irradiate SHOW TEACH LIGHTEN -alistarse ALLY_ASSOCIATE_MARRY -ensnarl ATTACH -enmesh ATTACH -anoblir ASSIGN-smt-to-smn -entitle ASSIGN-smt-to-smn NAME AUTHORIZE_ADMIT -investigate SEARCH ANALYZE -indagar SEARCH ANALYZE -wonder CAUSE-MENTAL-STATE THINK -enrage CAUSE-MENTAL-STATE -enfurecer CAUSE-MENTAL-STATE -ensañar CAUSE-MENTAL-STATE -enrich AMELIORATE -ponerse_una_túnica EMBELLISH -enrobe COVER_SPREAD_SURMOUNT EMBELLISH -enroll HIRE -s'enrôler HIRE -enrol HIRE -s'inscrire HIRE -matricular HIRE RECORD -inscribirse RECORD HIRE ALLY_ASSOCIATE_MARRY -recruit HIRE ORGANIZE -asentar FALL_SLIDE-DOWN WRITE STAY_DWELL -ensconce STAY_DWELL -enshrine ENCLOSE_WRAP APPROVE_PRAISE -venerar CAUSE-MENTAL-STATE APPROVE_PRAISE LIKE ENCLOSE_WRAP PERFORM -shrine ENCLOSE_WRAP -ensile RETAIN_KEEP_SAVE-MONEY -ensilar RETAIN_KEEP_SAVE-MONEY -ensky APPROVE_PRAISE -esclavager SUBJUGATE -enslave SUBJUGATE -esclavizar SUBJUGATE -tender_una_trampa CATCH -ensnare CATCH -entrampar CATCH -entrap CATCH -prendre_au_piège CATCH -piéger CATCH -trap CATCH CAGE_IMPRISON STOP -capturer CATCH REMOVE_TAKE-AWAY_KIDNAP -snare CATCH LURE_ENTICE -result RESULT_CONSEQUENCE -ensue RESULT_CONSEQUENCE -implicar_a IMPLY -entrañar IMPLY -implicate IMPLY PARTICIPATE -entail IMPLY RESTRAIN -occasionner IMPLY -mean REFER CAUSE-MENTAL-STATE PLAN_SCHEDULE MEAN IMPLY -presuponer IMPLY SUPPOSE REQUIRE_NEED_WANT_HOPE -fee-tail RESTRAIN -mat MESS CHANGE-APPEARANCE/STATE -entangle MESS STOP -embrollar CHANGE-APPEARANCE/STATE STOP -hacer_constar PROPOSE -participate PARTICIPATE -infix PUT_APPLY_PLACE_PAVE ATTACH -salir_a_escena APPEAR -harbour CAUSE-MENTAL-STATE RETAIN_KEEP_SAVE-MONEY STAY_DWELL -harbor CAUSE-MENTAL-STATE RETAIN_KEEP_SAVE-MONEY STAY_DWELL -abrigar CAUSE-MENTAL-STATE TAKE-SHELTER -abriter CAUSE-MENTAL-STATE RETAIN_KEEP_SAVE-MONEY STAY_DWELL -entertain CAUSE-MENTAL-STATE CONSIDER ENJOY -flirt_with CONSIDER -toy_with CONSIDER -think_about CONSIDER THINK -entronizar ASSIGN-smt-to-smn -throne ASSIGN-smt-to-smn -trône ASSIGN-smt-to-smn -enthrone ASSIGN-smt-to-smn -vest ASSIGN-smt-to-smn DRESS_WEAR GIVE_GIFT -entusiasmarse CAUSE-MENTAL-STATE SPEAK APPROVE_PRAISE -enthousiasmer CAUSE-MENTAL-STATE SPEAK -entusiasmar CAUSE-MENTAL-STATE AROUSE_WAKE_ENLIVEN SPEAK -enthuse CAUSE-MENTAL-STATE SPEAK -lure LURE_ENTICE -entice LURE_ENTICE -title NAME -titular NAME LOAD_PROVIDE_CHARGE_FURNISH -dar_derecho_a AUTHORIZE_ADMIT -entrain CATCH_EMBARK -subirse_al_tren CATCH_EMBARK -intrench SECURE_FASTEN_TIE -tejer SECURE_FASTEN_TIE SEW TRAVEL WEAVE -enucleate REMOVE_TAKE-AWAY_KIDNAP -énucléer REMOVE_TAKE-AWAY_KIDNAP -itemise EXPLAIN RECORD -itemize EXPLAIN RECORD -énumérer EXPLAIN -poison GIVE_GIFT KILL ADD DEBASE_ADULTERATE -envenenar GIVE_GIFT KILL ADD DEBASE_ADULTERATE -emponzoñar GIVE_GIFT KILL ADD DEBASE_ADULTERATE -visualise SHOW IMAGINE SEE -envisager PLAN_SCHEDULE IMAGINE -representarse IMAGINE UNDERSTAND -imaginarse IMAGINE -fancy IMAGINE REQUIRE_NEED_WANT_HOPE -visualizar SHOW IMAGINE SEE -visualize SHOW IMAGINE SEE -image SHOW IMAGINE -envision IMAGINE -figurarse BELIEVE IMAGINE UNDERSTAND -epitomize REPRESENT -epitomise REPRESENT -epitomar REPRESENT -typify REPRESENT -tipificar MEASURE_EVALUATE REPRESENT RECOGNIZE_ADMIT_IDENTIFY -pegar_con_epoxi ATTACH -epoxy ATTACH -equalise MATCH SCORE -equalize MATCH SCORE -rival MATCH COMPETE -rivaliser MATCH -ser_igual MATCH -get_even SCORE PUNISH -igualarse SCORE -igualar_el_marcador SCORE -equipar LOAD_PROVIDE_CHARGE_FURNISH -equip LOAD_PROVIDE_CHARGE_FURNISH -outfit LOAD_PROVIDE_CHARGE_FURNISH -exterminar CANCEL_ELIMINATE KILL -exterminate CANCEL_ELIMINATE KILL -éradiquer CANCEL_ELIMINATE -erguir RAISE STRAIGHTEN -erect MOUNT_ASSEMBLE_PRODUCE RAISE -erigir MOUNT_ASSEMBLE_PRODUCE RAISE -eroticize CHANGE-APPEARANCE/STATE -sex_up CHANGE-APPEARANCE/STATE -fallir MISS_OMIT_LACK MISTAKE -confundirse COMBINE_MIX_UNITE MISTAKE -equivocarse SUBJECTIVE-JUDGING MISTAKE -resbalar OVERCOME_SURPASS MISTAKE GO-FORWARD -mistake MISTAKE -spew_out SHOOT_LAUNCH_PROPEL -eyectar SHOOT_LAUNCH_PROPEL -aparecer_una_erupción APPEAR -escalade RAISE -escalate INCREASE_ENLARGE_MULTIPLY -s'aggraver INCREASE_ENLARGE_MULTIPLY -escallop COOK -scallop HUNT COOK EMBELLISH -echar_de_menos MISS_OMIT_LACK CAUSE-MENTAL-STATE -perderse MISS_OMIT_LACK -escaparsse ABSTAIN_AVOID_REFRAIN -fuir SPILL_POUR FLOW -s'échapper FLOW -escape_from LEAVE_DEPART_RUN-AWAY -eschew ABSTAIN_AVOID_REFRAIN -escoltar ACCOMPANY -escort ACCOMPANY -test SEARCH TRY REACH ANALYZE VERIFY RESULT_CONSEQUENCE -testear VERIFY TRY -launch ESTABLISH FLATTEN_SMOOTHEN BEGIN SHOOT_LAUNCH_PROPEL -instal ASSIGN-smt-to-smn MOUNT_ASSEMBLE_PRODUCE STAY_DWELL -instalar ASSIGN-smt-to-smn MOUNT_ASSEMBLE_PRODUCE STAY_DWELL -install ASSIGN-smt-to-smn MOUNT_ASSEMBLE_PRODUCE STAY_DWELL -lay_down ESTABLISH -ériger ESTABLISH -instaurer ESTABLISH -take_to_be TREAT -esteem TREAT LIKE -repute TREAT -look_upon TREAT -look_on TREAT SEE -regard_as TREAT -prise OPEN LIKE OBTAIN -estimer LIKE -esterify CONVERT -grabar_al_aguafuerte CAVE_CARVE -eternalise CHANGE-APPEARANCE/STATE -eternize CHANGE-APPEARANCE/STATE CONTINUE -hacer_eterno CHANGE-APPEARANCE/STATE -eternise CHANGE-APPEARANCE/STATE -immortalizar CHANGE-APPEARANCE/STATE -eternizar CHANGE-APPEARANCE/STATE CONTINUE -eternalize CHANGE-APPEARANCE/STATE -etherialise CHANGE_SWITCH -etherealize CHANGE_SWITCH -eterificar CONVERT -etherify CONVERT -etherize SLEEP -eterizar SLEEP -etherise SLEEP -étioler COLOR WEAKEN -etiolate COLOR WEAKEN -etymologize ANALYZE -etymologise ANALYZE -étymologiser ANALYZE -eulogise APPROVE_PRAISE -ensalzar DECEIVE APPROVE_PRAISE -eulogize APPROVE_PRAISE -euphemise SIGNAL_INDICATE -euphemize SIGNAL_INDICATE -europeanize SUBJUGATE CHANGE-APPEARANCE/STATE -europeanise SUBJUGATE CHANGE-APPEARANCE/STATE -europeizar CHANGE-APPEARANCE/STATE -esquiver ABSTAIN_AVOID_REFRAIN -pass_judgment SUBJECTIVE-JUDGING -evangelise CHANGE-APPEARANCE/STATE TEACH -evangelize CHANGE-APPEARANCE/STATE TEACH -evaporarse RAISE DISAPPEAR CONVERT -évaporer CONVERT -vaporiser SPILL_POUR WET CONVERT -even FLATTEN_SMOOTHEN -uniformar LOAD_PROVIDE_CHARGE_FURNISH FLATTEN_SMOOTHEN -resultar_finalmente RESULT_CONSEQUENCE -eventuate RESULT_CONSEQUENCE -evert INVERT_REVERSE -desahuciar DRIVE-BACK -evict DRIVE-BACK -evince SHOW -resect REMOVE_TAKE-AWAY_KIDNAP -paint_a_picture AROUSE_WAKE_ENLIVEN -évoluer AMELIORATE -excederse INCREASE_ENLARGE_MULTIPLY -overdo INCREASE_ENLARGE_MULTIPLY -laud APPROVE_PRAISE -glorify EMBELLISH APPROVE_PRAISE -loar APPROVE_PRAISE -proclaim ASSIGN-smt-to-smn SPEAK APPROVE_PRAISE AFFIRM -extol APPROVE_PRAISE -alabar EMBELLISH APPROVE_PRAISE -sondar MEASURE_EVALUATE ANALYZE -sulfurar CAUSE-MENTAL-STATE COMBINE_MIX_UNITE DIM -infuriate CAUSE-MENTAL-STATE -unearth SHOW EXTRACT -outperform OVERCOME_SURPASS -surpass EXIST-WITH-FEATURE OVERCOME_SURPASS -exceed OVERCOME_SURPASS -outmatch OVERCOME_SURPASS -sobrepujar BID OVERCOME_SURPASS -exceder OVERCOME_SURPASS -outgo OVERCOME_SURPASS -surmount RAISE COVER_SPREAD_SURMOUNT OVERCOME_SURPASS -go_past OVERCOME_SURPASS -rebasar OVERCOME_SURPASS -trascender PUBLISH OVERCOME_SURPASS -overstep OVERCOME_SURPASS -transcend OVERCOME_SURPASS -exceller EXIST-WITH-FEATURE -stand_out EXIST-WITH-FEATURE TURN_CHANGE-DIRECTION RESIST -excel EXIST-WITH-FEATURE -descollar EXIST-WITH-FEATURE UNFASTEN_UNFOLD -destacarse EXIST-WITH-FEATURE -shine_at EXIST-WITH-FEATURE -excel_at EXIST-WITH-FEATURE -dejar_por_fuera MISS_OMIT_LACK -leave_off MISS_OMIT_LACK REMOVE_TAKE-AWAY_KIDNAP FINISH_CONCLUDE_END -excepter MISS_OMIT_LACK -excerpt CITE -remplacer REPLACE CANCEL_ELIMINATE -substituir REPLACE -substituer REPLACE -replace REPLACE RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -cambiar_de_sitio CHANGE_SWITCH -cambiar_a CHANGE_SWITCH -switch_over CHANGE_SWITCH -excise CANCEL_ELIMINATE REMOVE_TAKE-AWAY_KIDNAP CHARGE -rayer CANCEL_ELIMINATE -expunge CANCEL_ELIMINATE -exciter CAUSE-MENTAL-STATE -promulgate DECREE_DECLARE SPEAK -shut_out STOP -keep_out STOP STAY_DWELL -torture HURT_HARM_ACHE -excruciate HURT_HARM_ACHE -rack REMOVE_TAKE-AWAY_KIDNAP MOUNT_ASSEMBLE_PRODUCE HURT_HARM_ACHE EXHAUST MOVE-ONESELF FLY RUN PUT_APPLY_PLACE_PAVE GROUP STEAL_DEPRIVE -explain EXPLAIN JUSTIFY_EXCUSE -expliquer JUSTIFY_EXCUSE -let_off EXEMPT -exempt EXEMPT -indultar MAKE-RELAX PARDON -pardon PARDON -ajusticiar KILL -ejecutar_un_programa OPERATE -put_to_death KILL -ejemplificar REPRESENT -instance REPRESENT -illustrer PAINT REPRESENT -illustrate PAINT REPRESENT -exemplify REPRESENT -ofrecer_como_ejemplo REPRESENT -exenterate EMPTY_UNLOAD -exert CARRY-OUT-ACTION TRY AFFECT -ejercitarse TEACH PREPARE -entrenarse TEACH TRY STUDY -s'exercer TEACH TRY -wield CATCH AFFECT -desempeñar AFFECT -exfoliate REMOVE_TAKE-AWAY_KIDNAP OPEN GROW_PLOW BREAK_DETERIORATE DISCARD -exfoliarse GROW_PLOW -exfoliar DISCARD REMOVE_TAKE-AWAY_KIDNAP BREAK_DETERIORATE -sap CONSUME_SPEND EXTRACT -play_out FINISH_CONCLUDE_END CONSUME_SPEND -parade SHOW TRAVEL -desfilar SHOW TRAVEL GO-FORWARD -exhiber SHOW -déployer SHOW PREPARE -subsistir EXIST_LIVE CONTINUE -subsist EXIST_LIVE -sortir GENERATE LEAVE_DEPART_RUN-AWAY -exorcise DRIVE-BACK -exorcize DRIVE-BACK -exorcizar DRIVE-BACK -expatriar LEAVE_DEPART_RUN-AWAY -estar_preñada GIVE-BIRTH -estar_encinta GIVE-BIRTH -estar_embarazada GIVE-BIRTH -expedite SPEED-UP -rout REMOVE_TAKE-AWAY_KIDNAP DEFEAT EXTRACT CAVE_CARVE -jeter_dehors DRIVE-BACK -expense DEBASE_ADULTERATE -write_off WRITE RECOGNIZE_ADMIT_IDENTIFY CANCEL_ELIMINATE DEBASE_ADULTERATE -write_down WRITE DEBASE_ADULTERATE -experimentar CAUSE-MENTAL-STATE TRY UNDERGO-EXPERIENCE KNOW FEEL -faire_l'expérience UNDERGO-EXPERIENCE -experience CAUSE-MENTAL-STATE KNOW FEEL UNDERGO-EXPERIENCE -avoir KNOW POSSESS -ressentir FEEL -éprouver FEEL -feel ANALYZE FIND UNDERGO-EXPERIENCE BELIEVE TOUCH PERCEIVE FEEL -se_sentir FEEL -experiment TRY -exerimentar TRY -expérimenter TRY -dispararse INCREASE_ENLARGE_MULTIPLY -explode_a_bombshell CAUSE-MENTAL-STATE -exploit BENEFIT_EXPLOIT -overwork BENEFIT_EXPLOIT OPERATE -exploiter BENEFIT_EXPLOIT -research SEARCH -search SEARCH -explore SEARCH ANALYZE -export TRANSMIT SELL CIRCULATE_SPREAD_DISTRIBUTE -exporter TRANSMIT -exportar TRANSMIT SELL -destapar SHOW -expostulate DISCUSS -state SPEAK PROPOSE -verbalize CONVERT SPEAK -give_tongue_to SPEAK -verbalise CONVERT SPEAK -verbalizar CONVERT SPEAK -proferir SPEAK -express-mail SEND -express_feelings REPRESENT -emocionarse REPRESENT -express_emotion REPRESENT -reír LAUGH -laugh LAUGH -express_joy LAUGH -rire LAUGH -express_mirth LAUGH -expropriate STEAL_DEPRIVE -stretch_forth EXTEND -exsert EXTEND -gallop MOVE-BY-MEANS-OF RUN -s'étirer EXTEND -desentumecer HELP_HEAL_CARE_CURE EXTEND -llevar_al_límite TRY -tendre COMMUNICATE_CONTACT EXTEND -reach_out COMMUNICATE_CONTACT EXTEND -poke_out EXTEND -allonger EXTEND -s'étendre LIE EXTEND -desenvolver SHOW EXTEND -extend_oneself EXTEND -extend_to EXTEND -mitigate REDUCE_DIMINISH -extenuate REDUCE_DIMINISH -externalise CONVERT CONSIDER -externalize CONVERT CONSIDER -exteriorise CONVERT -exteriorizar CONVERT CONSIDER -objetificar CONVERT -externar CONVERT -kill_off KILL -extort OBTAIN STEAL_DEPRIVE -wring_from OBTAIN -arracher OBTAIN -extorquer OBTAIN -soutirer OBTAIN -extorsionar STEAL_DEPRIVE -gouge CAVE_CARVE EXTRACT STEAL_DEPRIVE -extrapoler CALCULATE_ESTIMATE INFER -extrapolar CALCULATE_ESTIMATE INFER -extrapolate CALCULATE_ESTIMATE INFER -généraliser PUBLISH SPEAK INFER CIRCULATE_SPREAD_DISTRIBUTE -generalizar SPEAK INFER CIRCULATE_SPREAD_DISTRIBUTE -generalise PUBLISH SPEAK INFER CIRCULATE_SPREAD_DISTRIBUTE -generalize PUBLISH SPEAK INFER CIRCULATE_SPREAD_DISTRIBUTE -interpoler CALCULATE_ESTIMATE -extravasarse SPILL_POUR -extrude SHAPE -jubilate CELEBRATE_PARTY CAUSE-MENTAL-STATE -rejoice CAUSE-MENTAL-STATE -exuberate CAUSE-MENTAL-STATE -ooze_out EXCRETE -rezumar SPILL_POUR SHOW EXCRETE FLOW -exsuder EXCRETE -exude SHOW EXCRETE -transude EXCRETE -exudar SHOW EXCRETE FLOW -ooze EXCRETE FLOW -exudate EXCRETE -exuda SHOW -molt DISCARD -moult DISCARD -pelechar DISCARD -slough DISCARD -exuviate DISCARD -globo_ocular SEE -eyeball SEE -eye SEE -eyewitness SEE -encararse TURN_CHANGE-DIRECTION -dar_a ORIENT -plantar_cara ORIENT -templar_por_cementación CHANGE-APPEARANCE/STATE -face-harden CHANGE-APPEARANCE/STATE -face-lift EMBELLISH -faxer SEND -telefax SEND -facsimile SEND -fax SEND -faxear SEND -factor CALCULATE_ESTIMATE RESULT_CONSEQUENCE CONSIDER -prendre_en_compte CALCULATE_ESTIMATE CONSIDER -factor_out CALCULATE_ESTIMATE CONSIDER -factor_in CALCULATE_ESTIMATE CONSIDER -descomponer_en_factores CALCULATE_ESTIMATE -factorizar CALCULATE_ESTIMATE -contabilizar CALCULATE_ESTIMATE -factor_analyse ANALYZE -factor_analyze ANALYZE -factorize CALCULATE_ESTIMATE -factorise CALCULATE_ESTIMATE -languidecer SPOIL WEAKEN -wither WORSEN SPOIL -abrigos_y_chaquetas EXHAUST -cansarse CAUSE-MENTAL-STATE EXHAUST -se_fatiguer EXHAUST -jade CAUSE-MENTAL-STATE EXHAUST -s'épuiser EXHAUST FAIL_LOSE -outwear EXHAUST OVERCOME_SURPASS -tire_out EXHAUST -fag_out EXHAUST -wear_down BREAK_DETERIORATE EXHAUST -fatigue CAUSE-MENTAL-STATE EXHAUST -weary CAUSE-MENTAL-STATE EXHAUST -wear_upon EXHAUST -fagot ATTACH EMBELLISH -pédé ATTACH EMBELLISH -faggot ATTACH EMBELLISH -faggot_up ATTACH -manquer MISS_OMIT_LACK FAIL_LOSE -dejarse LEAVE-BEHIND FAIL_LOSE -descuidarse FAIL_LOSE -fracasar FAIL_LOSE -go_wrong FAIL_LOSE -miscarry EXCRETE FAIL_LOSE -fair JOIN_CONNECT -cazar_con_halcones HUNT -cazar_con_halcón HUNT -falcon HUNT -resbalarse HAVE-SEX OVERCOME_SURPASS -tomber CONQUER HAVE-SEX FALL_SLIDE-DOWN KILL -s'affaler HAVE-SEX -mordre_la_poussière KILL -mourir_au_combat KILL -fall_down FALL_SLIDE-DOWN -fall_all_over SHOW -desmontarse CAUSE-MENTAL-STATE -go_to_pieces CAUSE-MENTAL-STATE -fall_off REDUCE_DIMINISH SEPARATE_FILTER_DETACH -apartarse MOVE-BACK -resort RESULT_CONSEQUENCE GO-FORWARD -recur RESULT_CONSEQUENCE MOVE-BACK HAPPEN_OCCUR -relapse WORSEN -recidivate WORSEN -retrogress WORSEN -regress WORSEN RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND CALCULATE_ESTIMATE -récidiver WORSEN -reincidir WORSEN -fall_through FAIL_LOSE -caer_de_plano FAIL_LOSE -fall_flat FAIL_LOSE -flop FALL_SLIDE-DOWN FAIL_LOSE -malograrse FAIL_LOSE -fall_for LIKE DECEIVE -fall_from_grace RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -fall_in_line AGREE_ACCEPT -enamorarse LIKE -fall_in_love LIKE -fall_under INCLUDE-AS -clasificarse SUBJECTIVE-JUDGING INCLUDE-AS -fall_into INCLUDE-AS -desprenderse SEPARATE_FILTER_DETACH -se_détacher SORT_CLASSIFY_ARRANGE -concluirse IMPLY -deducirse IMPLY -deriverse IMPLY -fall_over FALL_SLIDE-DOWN -fall_short_of FAIL_LOSE -falsar PROVE -waver MAKE-A-SOUND STOP MOVE-ONESELF TRAVEL FAIL_LOSE -flojear FAIL_LOSE -flaquear UNFASTEN_UNFOLD FAIL_LOSE WEAKEN -privar_de_comida HURT_HARM_ACHE -hacer_pasar_hambre HURT_HARM_ACHE -famish HURT_HARM_ACHE KILL -morir_de_inanición KILL -mourir_de_faim KILL -morir_de_hambre KILL -fan AROUSE_WAKE_ENLIVEN DRIVE-BACK AIR -abanicar AIR -desgranzar AIR -azuzar AROUSE_WAKE_ENLIVEN INCITE_INDUCE MOVE-SOMETHING -apetecer REQUIRE_NEED_WANT_HOPE -take_to BEGIN REQUIRE_NEED_WANT_HOPE -fantasise IMAGINE -fantasy IMAGINE -fantasize IMAGINE -farce FILL -farm GENERATE AMASS WORK -cultiver GENERATE -hire_out LEND -rent_out LEND -farm_out HIRE LEND -mettre_en_gérance HIRE LEND -subcontratar HIRE -subcontract HIRE WORK -job BENEFIT_EXPLOIT HIRE WORK -parir_cerditos GIVE-BIRTH -parir_puercos GIVE-BIRTH -farrow GIVE-BIRTH -grip CATCH STOP -inmovilizar STOP RETAIN_KEEP_SAVE-MONEY -fashion MOUNT_ASSEMBLE_PRODUCE -ayunar DIET -fast DIET -fast_dye COLOR -tensar TIGHTEN AFFECT EXTEND -fasten NAME TIGHTEN SECURE_FASTEN_TIE -fixer SECURE_FASTEN_TIE -hook_on LEARN -seize_on LEARN -fasten_on LEARN -engordar INCREASE_ENLARGE_MULTIPLY -fatten_out INCREASE_ENLARGE_MULTIPLY -fatten_up INCREASE_ENLARGE_MULTIPLY -fatten INCREASE_ENLARGE_MULTIPLY -cebar INCREASE_ENLARGE_MULTIPLY FILL -plump_out INCREASE_ENLARGE_MULTIPLY LEAVE_DEPART_RUN-AWAY -plump PUT_APPLY_PLACE_PAVE INCREASE_ENLARGE_MULTIPLY REDUCE_DIMINISH FOLLOW_SUPPORT_SPONSOR_FUND -fat INCREASE_ENLARGE_MULTIPLY -sainar INCREASE_ENLARGE_MULTIPLY -sound EXIST-WITH-FEATURE MAKE-A-SOUND MEASURE_EVALUATE PERFORM PRONOUNCE SEEM -aburrirse CAUSE-MENTAL-STATE -hastiarse CAUSE-MENTAL-STATE -favour EXIST-WITH-FEATURE TREAT GIVE_GIFT LIKE -favor EXIST-WITH-FEATURE TREAT GIVE_GIFT LIKE -privilege GIVE_GIFT -privilegiar GIVE_GIFT -reverenciar CAUSE-MENTAL-STATE LIKE -venerate CAUSE-MENTAL-STATE -revere CAUSE-MENTAL-STATE LIKE -reverence CAUSE-MENTAL-STATE -regalarse CAUSE-MENTAL-STATE -feast_one's_eyes ENJOY -square TURN_CHANGE-DIRECTION PAY MOVE-SOMETHING INCREASE_ENLARGE_MULTIPLY MATCH HARMONIZE SHAPE -feather TURN_CHANGE-DIRECTION DEVELOP_AGE MOVE-SOMETHING COVER_SPREAD_SURMOUNT JOIN_CONNECT -emplumar COVER_SPREAD_SURMOUNT EMBELLISH -fledge DEVELOP_AGE EMBELLISH -empenner DEVELOP_AGE EMBELLISH -feather_one's_nest BENEFIT_EXPLOIT -fertilise GROW_PLOW INSERT AROUSE_WAKE_ENLIVEN -féconder INSERT AROUSE_WAKE_ENLIVEN -inseminar GROW_PLOW INSERT -fecundate INSERT AROUSE_WAKE_ENLIVEN -inséminer INSERT -inseminate GROW_PLOW INSERT -fertilize GROW_PLOW INSERT AROUSE_WAKE_ENLIVEN -fertiliser GROW_PLOW AROUSE_WAKE_ENLIVEN -fédéraliser SUBJUGATE ALLY_ASSOCIATE_MARRY -federalize SUBJUGATE ALLY_ASSOCIATE_MARRY -federalise SUBJUGATE ALLY_ASSOCIATE_MARRY -federar ALLY_ASSOCIATE_MARRY -federarse ALLY_ASSOCIATE_MARRY -federate ALLY_ASSOCIATE_MARRY -propinar CHANGE-HANDS HIT NOURISH_FEED CAUSE-SMT ORGANIZE GIVE_GIFT -prey BENEFIT_EXPLOIT HUNT -feed_in INSERT -alimenter NOURISH_FEED -nourrir NOURISH_FEED -dar_de_comer NOURISH_FEED -resubmit PROPOSE -feed_back REACT PROPOSE -realimentar PROPOSE -retroalimentar REACT -feed_on FOLLOW_SUPPORT_SPONSOR_FUND -alimentarse_de FOLLOW_SUPPORT_SPONSOR_FUND -feed_upon FOLLOW_SUPPORT_SPONSOR_FUND -notarse PERCEIVE -sentirse FEEL -tâter TOUCH -finger TOUCH SEARCH SIGNAL_INDICATE -sense PERCEIVE UNDERSTAND -palpate ANALYZE -tantear SEARCH FEEL -sobar TOUCH -tener_ganas REQUIRE_NEED_WANT_HOPE -feel_like REQUIRE_NEED_WANT_HOPE -feel_like_a_million_dollars FEEL -feel_like_a_million FEEL -feint PRETEND -felt CHANGE-APPEARANCE/STATE COVER_SPREAD_SURMOUNT -matte CHANGE-APPEARANCE/STATE -felt_up CHANGE-APPEARANCE/STATE -mat_up CHANGE-APPEARANCE/STATE -matt-up CHANGE-APPEARANCE/STATE -matte_up CHANGE-APPEARANCE/STATE -practicar_esgrima FIGHT -palisade STRENGTHEN_MAKE-RESISTANT -murar STRENGTHEN_MAKE-RESISTANT -fence_in ENCLOSE_WRAP STRENGTHEN_MAKE-RESISTANT -palissader ENCLOSE_WRAP STRENGTHEN_MAKE-RESISTANT -wall STRENGTHEN_MAKE-RESISTANT -enrejar LOAD_PROVIDE_CHARGE_FURNISH ENCLOSE_WRAP GROW_PLOW -vallar ENCLOSE_WRAP -encercar ENCLOSE_WRAP -fend MANAGE RESIST -ferment CONVERT AROUSE_WAKE_ENLIVEN SPOIL OPPOSE_REBEL_DISSENT -avinagrarse SPOIL -agrazarse SPOIL -fermentar CONVERT SPOIL OPPOSE_REBEL_DISSENT -agriarse SPOIL -ferret HUNT CHASE FIND -huronear CHASE -ferret_out FIND -cazar_con_hurones HUNT -transbordar TRANSMIT CONVERT CARRY_TRANSPORT -ferry MOVE-BY-MEANS-OF CARRY_TRANSPORT -transportar_en_transbordador CARRY_TRANSPORT GO-FORWARD -ir_en_ferri MOVE-BY-MEANS-OF -andar_en_ferry MOVE-BY-MEANS-OF -andar_en_transbordador MOVE-BY-MEANS-OF -fess_up RECOGNIZE_ADMIT_IDENTIFY -make_a_clean_breast_of RECOGNIZE_ADMIT_IDENTIFY -own_up RECOGNIZE_ADMIT_IDENTIFY -fester EXCRETE -ulcerarse HURT_HARM_ACHE EXCRETE CONTRACT-AN-ILLNESS_INFECT -infectar EXCRETE CONTRACT-AN-ILLNESS_INFECT -suppurer EXCRETE -enconarse EXCRETE -suppurate EXCRETE -se_hâter BEHAVE -look_sharp BEHAVE -se_dépêcher BEHAVE -festinate BEHAVE -hurry BEHAVE OBLIGE_FORCE RUN -se_presser BEHAVE -festoon EMBELLISH -festonear EMBELLISH -fetishize LIKE -fetichar LIKE -fetter STOP -trabar BEGIN STOP PRESS_PUSH_FOLD ORGANIZE -engrilletar STOP -shackle STOP -fettle REMOVE_TAKE-AWAY_KIDNAP -feud QUARREL_POLEMICIZE -enemistarse QUARREL_POLEMICIZE -feudalize SUBJUGATE -decir_mentirijillas SPEAK -contar_trolas SPEAK -fib SPEAK -contar_bolas SPEAK -fibrillate MOVE-ONESELF -ficcionalizar CONVERT REPRESENT -llevar_a_ficción REPRESENT -fictionalise CONVERT REPRESENT -recontar COUNT SPEAK REPRESENT -retell SPEAK REPRESENT REPEAT -fictionalize CONVERT REPRESENT -romancer BEHAVE CONVERT REPRESENT EMBELLISH INTERPRET -novelar CONVERT DECEIVE -novelize CONVERT -novelise CONVERT -bricoler REPAIR_REMEDY -tinker REPAIR_REMEDY WORK -shrink_from ABSTAIN_AVOID_REFRAIN -shirk ABSTAIN_AVOID_REFRAIN -monkey WORK FAKE -trucar FAKE EMBELLISH -tamper FAKE VIOLATE -twiddle TRAVEL MOVE-SOMETHING -fiddle_with MOVE-SOMETHING -moverse_nerviosamente MOVE-ONESELF -fidget MOVE-ONESELF -field CATCH ANSWER CHOOSE WORK -posicionar CHOOSE PUT_APPLY_PLACE_PAVE -fildear CATCH -field-test VERIFY -solutionner DECIDE_DETERMINE -solver DECIDE_DETERMINE -puzzle_out DECIDE_DETERMINE -figure_out DECIDE_DETERMINE -figure_skate DANCE -hacer_patinaje_artístico DANCE -limar EMBELLISH -ir_en_fila GO-FORWARD -file_in ENTER -file_out LEAVE_DEPART_RUN-AWAY -salir_en_fila LEAVE_DEPART_RUN-AWAY -filet CUT EMBELLISH -filetear CUT -fillet CUT EMBELLISH -filiate FIND -filibuster STOP -usar_tácticas_obstructivas STOP -afiligranar MOUNT_ASSEMBLE_PRODUCE -filigree MOUNT_ASSEMBLE_PRODUCE -fill WORK SATISFY_FULFILL EAT_BITE FILL ASSIGN-smt-to-smn FEEL -hartarse EAT_BITE FEEL -embutirse EAT_BITE -atiborrarse EAT_BITE -s'emplir FILL -se_remplir FILL -saciarse FEEL -sate FEEL -replete FEEL -make_full FILL -satisfy SATISFY_FULFILL CAUSE-MENTAL-STATE -replenish FILL -fill_again FILL -refill FILL -shade DIM DIVERSIFY CHANGE-APPEARANCE/STATE PAINT CLOUD_SHADOW_HIDE -stand_in REPLACE -sub REPLACE -arrondir ADJUST_CORRECT FINISH_CONCLUDE_END AMELIORATE SHAPE -round_out ADJUST_CORRECT FINISH_CONCLUDE_END AMELIORATE SHAPE -fill_the_bill SATISFY_FULFILL -fit_the_bill SATISFY_FULFILL -film RECORD -filmar RECORD -film-make CREATE_MATERIALIZE -colar SPILL_POUR INSERT SEPARATE_FILTER_DETACH -tamizar CHOOSE ANALYZE SEPARATE_FILTER_DETACH -filter_out SEPARATE_FILTER_DETACH -filtrar COOK SEPARATE_FILTER_DETACH SPEAK EXTRACT FLOW -separate_out SEPARATE_FILTER_DETACH -escolar SEPARATE_FILTER_DETACH -filtrate SEPARATE_FILTER_DETACH -filtrarse PERMEATE REVEAL PUBLISH SPEAK CIRCULATE_SPREAD_DISTRIBUTE -percolate PERMEATE AROUSE_WAKE_ENLIVEN COOK EXTRACT CIRCULATE_SPREAD_DISTRIBUTE -finagle DECEIVE -agenciarse DECEIVE FAKE -trufar DECEIVE -escamotear DECEIVE -conseguir_con_artimañas DECEIVE -nail_down ACHIEVE FINISH_CONCLUDE_END DECIDE_DETERMINE -finalise FINISH_CONCLUDE_END -finalize FINISH_CONCLUDE_END -financiar PAY SELL -finance PAY SELL -financer PAY -financier DECEIVE -find_oneself FIND -witness UNDERGO-EXPERIENCE SEE -presenciar UNDERGO-EXPERIENCE SEE -regain OBTAIN FIND -incur RISK OBTAIN -obtain EXIST_LIVE OBTAIN -reconquistar OBTAIN CONQUER FEEL -fine PUNISH -multar CHARGE PUNISH -ticket LOAD_PROVIDE_CHARGE_FURNISH PUNISH -tweak ADJUST_CORRECT REMOVE_TAKE-AWAY_KIDNAP PULL -finedraw SEW -thumb TOUCH ANALYZE TRAVEL -tripoter TOUCH -palper TOUCH -feuilleter GROW_PLOW ANALYZE TRAVEL TOUCH READ -hojear TOUCH MOVE-ONESELF READ -finger-paint PAINT -finger-spell SIGN -fingerspell SIGN -fingerprint PRINT -cortar_con FINISH_CONCLUDE_END -terminar_con FINISH_CONCLUDE_END DISBAND_BREAK-UP -finish_out FINISH_CONCLUDE_END -abrir_fuego SHOOT_LAUNCH_PROPEL -open_fire SHOOT_LAUNCH_PROPEL -fuel LOAD_PROVIDE_CHARGE_FURNISH AROUSE_WAKE_ENLIVEN FUEL -aprovisionar_de_combustible FUEL -fire_up AROUSE_WAKE_ENLIVEN BEGIN -enflammer AROUSE_WAKE_ENLIVEN -heat HEAT AROUSE_WAKE_ENLIVEN -firebomb ATTACK_BOMB -fireproof STRENGTHEN_MAKE-RESISTANT -firm TIGHTEN -atiesar TIGHTEN CHANGE-APPEARANCE/STATE -tauten TIGHTEN -atirantarse TIGHTEN -atesarse TIGHTEN -tesarse TIGHTEN -firm_up ORGANIZE -faenar HUNT -pêcher HUNT -fishtail SLOW-DOWN -fisurar BREAK_DETERIORATE -fissure BREAK_DETERIORATE -fistfight FIGHT -luchar_a_puñetazos FIGHT -pelear_a_puñetazos FIGHT -caber FIT -rentrer INFORM FIT -hacer_juego MATCH -fixate BEFRIEND STOP STABILIZE_SUPPORT-PHYSICALLY FOCUS -pay_back GIVE_GIFT PUNISH -aprestarse PREPARE -gear_up PREPARE -aprestar PREPARE -disponerse PREPARE -settle_on STOP -fizzle FINISH_CONCLUDE_END -fizzle_out FINISH_CONCLUDE_END -taper_off FINISH_CONCLUDE_END REDUCE_DIMINISH -abanderar LOAD_PROVIDE_CHARGE_FURNISH -embanderar EMBELLISH -hacer_detener SIGNAL_INDICATE -flag_down SIGNAL_INDICATE -hacer_parar SIGNAL_INDICATE -flagelar HIT -flagellate HIT -escoria HIT -desgranar HIT -flail MOVE-ONESELF HIT -agitar_violentamente MOVE-ONESELF -desconcharse BREAK_DETERIORATE -flake_off BREAK_DETERIORATE -flake BREAK_DETERIORATE COVER_SPREAD_SURMOUNT SHAPE -flambe COOK -flame LIGHT_SHINE BURN CRITICIZE -flanquear OVERCOME_SURPASS BE-LOCATED_BASE -flank BE-LOCATED_BASE -fluctuar TRAVEL MOVE-ONESELF GO-FORWARD -oscilar TRAVEL MOVE-ONESELF -flap_down THROW -flare_out INCREASE_ENLARGE_MULTIPLY -swank SHOW -flaunt SHOW -pavonear SHOW -show_off SHOW -ostentate SHOW -lucirse SHOW -quick-freeze PRESERVE -flash-freeze PRESERVE -hedgehop FLY -flat-hat FLY -s'aplanir FLATTEN_SMOOTHEN -flatten_out FLATTEN_SMOOTHEN -s'aplatir FLATTEN_SMOOTHEN -aplanir FLATTEN_SMOOTHEN -aplanar FLATTEN_SMOOTHEN -achatar FLATTEN_SMOOTHEN -aplatir FLATTEN_SMOOTHEN -flavour COOK -condimentar COOK -flavor COOK -season REDUCE_DIMINISH COOK STRENGTHEN_MAKE-RESISTANT -dar_sabor COOK -sazonar REDUCE_DIMINISH COOK -adobar COOK DIP_DIVE -flay REMOVE_TAKE-AWAY_KIDNAP -desollar REMOVE_TAKE-AWAY_KIDNAP HURT_HARM_ACHE -emplumecer EMBELLISH -flight FLY EMBELLISH SHOOT_LAUNCH_PROPEL -volar_en_bandadas EMBELLISH -flee LEAVE_DEPART_RUN-AWAY -take_flight LEAVE_DEPART_RUN-AWAY -echarse_el_pollo LEAVE_DEPART_RUN-AWAY -rob STEAL_DEPRIVE REQUIRE_NEED_WANT_HOPE -gazump INCREASE_ENLARGE_MULTIPLY REQUIRE_NEED_WANT_HOPE -surcharge SHOW PRINT REQUIRE_NEED_WANT_HOPE CHARGE FILL -fleece CUT REQUIRE_NEED_WANT_HOPE -overcharge FILL REQUIRE_NEED_WANT_HOPE -esquilar CUT -shear CUT SHAPE -trasquilar CUT -tonsurar CUT -fleer LAUGH -flense REMOVE_TAKE-AWAY_KIDNAP -flesh REMOVE_TAKE-AWAY_KIDNAP -encorvar BEND -flicker LIGHT_SHINE MOVE-ONESELF -riff PERFORM ANALYZE -leaf GROW_PLOW ANALYZE READ -revolotear HANG FLY MOVE-ONESELF GO-FORWARD -flitter MOVE-ONESELF -vibrar MOVE-ONESELF -estremecerse MOVE-ONESELF -volar_en_bandada FLY -pull_a_fast_one_on DECEIVE -hacer_bromas DECEIVE -trick DECEIVE -play_a_joke_on JOKE DECEIVE -play_tricks DECEIVE -fob DECEIVE -jugar_una_broma DECEIVE -dar_un_chasco DECEIVE -flim-flam DECEIVE -play_a_trick_on DECEIVE -aventar THROW BREATH_BLOW -splurge SHOW CONSUME_SPEND -hacerse_un_cariñito CONSUME_SPEND -despilfarrar GIVE_GIFT CONSUME_SPEND -parrandear CONSUME_SPEND -tirar_al_aire THROW -sky THROW -twitch PRESS_PUSH_FOLD MOVE-ONESELF MOVE-SOMETHING -flip_over INVERT_REVERSE -flip_out CAUSE-MENTAL-STATE ENJOY -permitir_la_fluctuación MOVE-SOMETHING -permitir_fluctuar MOVE-SOMETHING -flotter GO-FORWARD -nadar TRAVEL GO-FORWARD DIP_DIVE -flocculate CONVERT SHAPE -floculer CONVERT SHAPE -flocularse SHAPE -ir_en_procesión GO-FORWARD -andar_en_tropel GO-FORWARD -ir_en_tropel GO-FORWARD -fouetter MOVE-SOMETHING HIT -welt STRENGTHEN_MAKE-RESISTANT HIT -lather EMIT EXCRETE WASH_CLEAN HIT -strap SHARPEN SECURE_FASTEN_TIE HIT -pegar_con_el_látigo HIT -lash SECURE_FASTEN_TIE MOVE-SOMETHING HIT -oversupply LOAD_PROVIDE_CHARGE_FURNISH -inundarse FILL -flood_in ARRIVE -iluminar_con_focos LIGHTEN -floodlight LIGHTEN -dejarse_caer FALL_SLIDE-DOWN -floss WASH_CLEAN -pernear RAISE MOVE-ONESELF -flounce MOVE-ONESELF -flounder BEHAVE TRAVEL -flour CONVERT COVER_SPREAD_SURMOUNT -enharinar COVER_SPREAD_SURMOUNT -fariner CONVERT COVER_SPREAD_SURMOUNT -prosper AMELIORATE -fly_high CAUSE-MENTAL-STATE AMELIORATE -acaudalar AMELIORATE -proliferar GIVE-BIRTH AMELIORATE INCREASE_ENLARGE_MULTIPLY -menstruar EXCRETE -menstruate EXCRETE -flow_away FLOW -flow_off FLOW -fluctuate FLY MOVE-ONESELF -hésiter COMPARE MOVE-ONESELF -vacillate COMPARE MOVE-ONESELF -mullir RAISE MOVE-SOMETHING -fluff_up MOVE-SOMETHING -plump_up MOVE-SOMETHING -plunk_down PUT_APPLY_PLACE_PAVE -plump_down PUT_APPLY_PLACE_PAVE DROP -plonk PUT_APPLY_PLACE_PAVE -flump FALL_SLIDE-DOWN PUT_APPLY_PLACE_PAVE -plank PUT_APPLY_PLACE_PAVE COOK COVER_SPREAD_SURMOUNT -plop FALL_SLIDE-DOWN PUT_APPLY_PLACE_PAVE DROP -flump_down FALL_SLIDE-DOWN -fluoresce LIGHT_SHINE -fluoridize TREAT-WITH/BY -fluoridise TREAT-WITH/BY -fluoridate TREAT-WITH/BY -fluorizar TREAT-WITH/BY -sluice WET EMPTY_UNLOAD CARRY_TRANSPORT FLOW -hacer_fluir WET -flush_down FLOW -wash_down EAT_BITE FLOW -aturrullar CAUSE-MENTAL-STATE -aturullar CAUSE-MENTAL-STATE -fluster BEHAVE CAUSE-MENTAL-STATE -aturrullarse BEHAVE -aturullarse BEHAVE -flute SHAPE -palpiter MOVE-ONESELF MOVE-SOMETHING -palpitate MOVE-ONESELF MOVE-SOMETHING -palpitar MOVE-ONESELF -licuar CHANGE-APPEARANCE/STATE -liquify CHANGE-APPEARANCE/STATE -liquefy CHANGE-APPEARANCE/STATE CONVERT -ir_volando TRAVEL -enviar_por_avión CARRY_TRANSPORT -enviar_por_aire CARRY_TRANSPORT -voler FLY STEAL_DEPRIVE -wing FLY -pescar_a_mosca HUNT -pescar_con_mosca HUNT -flyfish HUNT -fly-fish HUNT -volar_a_ciegas FLY -fly_blind FLY -fly_by FLY RUN -whisk_by RUN -zip_by RUN -fly_contact FLY -fly_in_the_face_of VIOLATE -fly_in_the_teeth_of VIOLATE -fly_on FLY -continuar_en_vuelo FLY -seguir_volando FLY -fly_open OPEN -parir_un_equino GIVE-BIRTH -foal GIVE-BIRTH -froth_at_the_mouth CAUSE-MENTAL-STATE -foam_at_the_mouth CAUSE-MENTAL-STATE -foist_off SELL -palm_off SELL -fob_off SELL -sharpen AROUSE_WAKE_ENLIVEN SHARPEN INCREASE_ENLARGE_MULTIPLY AMELIORATE ADJUST_CORRECT -localise BE-LOCATED_BASE PRECLUDE_FORBID_EXPEL FIND LIE -localizar PRECLUDE_FORBID_EXPEL FIND LIE -localize BE-LOCATED_BASE PRECLUDE_FORBID_EXPEL FIND LIE -localiser SEARCH BE-LOCATED_BASE PRECLUDE_FORBID_EXPEL FIND LIE -fodder NOURISH_FEED -dar_pienso NOURISH_FEED -fog_up CHANGE_SWITCH -foist BURDEN_BEAR INSERT -fold_up CREATE_MATERIALIZE PRESS_PUSH_FOLD -plegarse PRESS_PUSH_FOLD -plier PRESS_PUSH_FOLD -pen_up RESTRAIN -apriscar RESTRAIN -page SUMMON WRITE WORK -foliate GROW_PLOW COVER_SPREAD_SURMOUNT WRITE EMBELLISH SHAPE -paginate WRITE -foliar WRITE -paginar WRITE -folk_dance DANCE -travel_along GO-FORWARD -mantenerse_fiel FOLLOW_SUPPORT_SPONSOR_FUND -continuar_con FOLLOW_SUPPORT_SPONSOR_FUND -stick_with FOLLOW_SUPPORT_SPONSOR_FUND -keep_an_eye_on WATCH_LOOK-OUT -watch_over WATCH_LOOK-OUT -voir WATCH_LOOK-OUT UNDERSTAND SEE -take_after MATCH SIMULATE -seguir_el_ejemplo SIMULATE -surveil WATCH_LOOK-OUT -postdate COME-AFTER_FOLLOW-IN-TIME LOCATE-IN-TIME_DATE -postdater COME-AFTER_FOLLOW-IN-TIME LOCATE-IN-TIME_DATE -estar_al_corriente INFORM -keep_abreast INFORM -mantenerse_al_día INFORM -mantenerse_al_corriente INFORM -estar_al_dìa INFORM -estar_al_día INFORM -follow_suit SIMULATE -foolproof STRENGTHEN_MAKE-RESISTANT -goof-proof STRENGTHEN_MAKE-RESISTANT -goofproof STRENGTHEN_MAKE-RESISTANT -foot_up ADD -foot PAY ADD GO-FORWARD -hoof_it GO-FORWARD -sabot DANCE GO-FORWARD -leg_it GO-FORWARD -hoof DANCE GO-FORWARD -andar_a_pie GO-FORWARD -ir_a_pie TRAVEL GO-FORWARD -footle BEHAVE PLAY_SPORT/GAME -mess_about PLAY_SPORT/GAME -perder_el_tiempo PLAY_SPORT/GAME -entretenerse PLAY_SPORT/GAME TRAVEL WORK -mill_about PLAY_SPORT/GAME TRAVEL -lounge PLAY_SPORT/GAME LIE -holgazanear PLAY_SPORT/GAME ABSTAIN_AVOID_REFRAIN STOP -tarry PLAY_SPORT/GAME LEAVE_DEPART_RUN-AWAY -lallygag PLAY_SPORT/GAME -merodear PLAY_SPORT/GAME TRAVEL AFFECT STEAL_DEPRIVE -mill_around PLAY_SPORT/GAME TRAVEL -lollygag PLAY_SPORT/GAME -hang_around PLAY_SPORT/GAME -loiter PLAY_SPORT/GAME -ir_de_puntillas MOVE-ONESELF -slog WORK MOVE-ONESELF HIT -footslog MOVE-ONESELF -plod MOVE-ONESELF -trudge MOVE-ONESELF -forage SEARCH EAT_BITE -ir_de_caza SEARCH -incursionar VIOLATE -foray_into VIOLATE -s'abstenir ABSTAIN_AVOID_REFRAIN -forbear ABSTAIN_AVOID_REFRAIN -foreclose REMOVE_TAKE-AWAY_KIDNAP PRECLUDE_FORBID_EXPEL -prevent PRECLUDE_FORBID_EXPEL -storm BEHAVE ATTACK_BOMB METEOROLOGICAL AIR -impel PERSUADE MOVE-SOMETHING -impeler PRESS_PUSH_FOLD MOVE-SOMETHING PERSUADE GO-FORWARD -imposer OBLIGE_FORCE -obliger OBLIGE_FORCE -thrust CUT PRESS_PUSH_FOLD PUT_APPLY_PLACE_PAVE OBLIGE_FORCE GO-FORWARD -contraindre OBLIGE_FORCE -force-feed NOURISH_FEED -force-land LAND_GET-OFF -ford OVERCOME_SURPASS -vadear GO-FORWARD OVERCOME_SURPASS -forearm LOAD_PROVIDE_CHARGE_FURNISH -prejuzgar SUBJECTIVE-JUDGING DECREE_DECLARE -foredoom DECREE_DECLARE -condenar_de_antemano DECREE_DECLARE -desmerecer GIVE-UP_ABOLISH_ABANDON -privarse GIVE-UP_ABOLISH_ABANDON -forfeit GIVE-UP_ABOLISH_ABANDON -highlight PAINT EMPHASIZE -foreground EMPHASIZE -spotlight EMPHASIZE LIGHTEN -predestine DECREE_DECLARE -preordenar DECREE_DECLARE -predestinate DECREE_DECLARE -prédestiner DECREE_DECLARE -foreordain DECREE_DECLARE -predestinar DECREE_DECLARE -preordain DECREE_DECLARE -foreshow GUESS -profetizar TEACH GUESS -relinquir GIVE-UP_ABOLISH_ABANDON -forewarn WARN -martillar MOUNT_ASSEMBLE_PRODUCE HIT -hammer MOUNT_ASSEMBLE_PRODUCE HIT -plasmar MOUNT_ASSEMBLE_PRODUCE -fraguar MOUNT_ASSEMBLE_PRODUCE -modelar MOUNT_ASSEMBLE_PRODUCE WORK -spirt INCREASE_ENLARGE_MULTIPLY GO-FORWARD -spurt INCREASE_ENLARGE_MULTIPLY GO-FORWARD -olvidarse LEAVE-BEHIND -forgive EXEMPT PARDON -excuser PARDON -pardonner PARDON -bieldar RAISE -pitchfork RAISE -beldar RAISE -ahorquillar SHAPE -dar_forma CREATE_MATERIALIZE SHAPE -pie_de_imprenta TEACH -imprint TEACH PRINT -take_form BEGIN -take_shape BEGIN -formalizar AUTHORIZE_ADMIT -formalize AUTHORIZE_ADMIT -formalise AUTHORIZE_ADMIT -oficializar AUTHORIZE_ADMIT -initialize ASSIGN-smt-to-smn SEPARATE_FILTER_DETACH -initialiser ASSIGN-smt-to-smn SEPARATE_FILTER_DETACH -initialise ASSIGN-smt-to-smn SEPARATE_FILTER_DETACH -formicate TRAVEL -formularize REPRESENT -formularise REPRESENT -fornicar HAVE-SEX -fornicate HAVE-SEX -fort ENCLOSE_WRAP PROTECT STAY_DWELL -fort_up PROTECT -fortificarse STAY_DWELL -substanciar ADD -añadir_alcohol EXIST-WITH-FEATURE -echar_licor EXIST-WITH-FEATURE -corser EXIST-WITH-FEATURE -send_on SEND -forward SEND -fosilizarse CHANGE-APPEARANCE/STATE CONVERT -fossilize CHANGE-APPEARANCE/STATE CONVERT -fossilise CHANGE-APPEARANCE/STATE CONVERT -fosilizar CONVERT -foster DEVELOP_AGE INCREASE_ENLARGE_MULTIPLY -batear_de_foul FAIL_LOSE -hacer_falta VIOLATE -foul_out HIT -dar_un_traspié FALL_SLIDE-DOWN -volaille HUNT -fowl HUNT -cazar_aves HUNT -cazar_el_zorro HUNT -foxhunt HUNT -bailar_foxtrot DANCE -foxtrot DANCE -fractionate SEPARATE_FILTER_DETACH -frame_up MOUNT_ASSEMBLE_PRODUCE -dar_una_concesión AUTHORIZE_ADMIT -franchise AUTHORIZE_ADMIT -dar_una_franquicia AUTHORIZE_ADMIT -frank PUT_APPLY_PLACE_PAVE EXEMPT -affranchir PUT_APPLY_PLACE_PAVE EXEMPT -postmark PUT_APPLY_PLACE_PAVE -timbrar PUT_APPLY_PLACE_PAVE ATTACH -frap TIGHTEN SECURE_FASTEN_TIE -fraternise BEFRIEND -fraternizar BEFRIEND -fraternize BEFRIEND -roerse CORRODE_WEAR-AWAY_SCRATCH -deshilacharse CORRODE_WEAR-AWAY_SCRATCH -raerse CORRODE_WEAR-AWAY_SCRATCH -deshilarse CORRODE_WEAR-AWAY_SCRATCH -frazzle CORRODE_WEAR-AWAY_SCRATCH EXHAUST -extenuar EXHAUST -freak CAUSE-MENTAL-STATE -freak_out CAUSE-MENTAL-STATE -perder_el_control CAUSE-MENTAL-STATE -se_couvrir_de_taches_de_rousseur EXIST-WITH-FEATURE CHANGE-APPEARANCE/STATE -freckle EXIST-WITH-FEATURE CHANGE-APPEARANCE/STATE -resign CHANGE-HANDS RESIGN_RETIRE AGREE_ACCEPT -desbloquear LIBERATE_ALLOW_AFFORD OPEN UNFASTEN_UNFOLD -unblock LIBERATE_ALLOW_AFFORD UNFASTEN_UNFOLD PLAY_SPORT/GAME -unloose LIBERATE_ALLOW_AFFORD UNFASTEN_UNFOLD -loose LIBERATE_ALLOW_AFFORD UNFASTEN_UNFOLD -unloosen LIBERATE_ALLOW_AFFORD UNFASTEN_UNFOLD -free-associate MEET -freelance WORK -freeload BENEFIT_EXPLOIT -gorrear BENEFIT_EXPLOIT -vivir_de_gorra BENEFIT_EXPLOIT -stop_dead STOP -freeze_out CHANGE-APPEARANCE/STATE -freeze_down CHANGE-APPEARANCE/STATE -helarse CHANGE-APPEARANCE/STATE PRESERVE COOL -geler CHANGE-APPEARANCE/STATE -anestesiar_por_congelación COOL -congeler PRESERVE -freeze-dry PRESERVE -fletar LOAD_PROVIDE_CHARGE_FURNISH CARRY_TRANSPORT -freight LOAD_PROVIDE_CHARGE_FURNISH CARRY_TRANSPORT -french CUT -frenchify CHANGE-APPEARANCE/STATE -franciser CHANGE-APPEARANCE/STATE -afrancesar CHANGE-APPEARANCE/STATE -frecuentar VISIT -haunt FOLLOW-IN-SPACE AFFECT VISIT -pintar_al_fresco PAINT -fresco PAINT -freshen WASH_CLEAN CHANGE_SWITCH COOL -refreshen CHANGE_SWITCH WASH_CLEAN -freshen_up EMBELLISH WASH_CLEAN -remozar EMBELLISH -renovar CONTINUE REPAIR_REMEDY CHANGE-APPEARANCE/STATE EMBELLISH ESTABLISH -refurbish EMBELLISH -glotonear EAT_BITE -gluttonise EAT_BITE -hartar EAT_BITE ENJOY -fress EAT_BITE -gluttonize EAT_BITE -fuss CAUSE-MENTAL-STATE HELP_HEAL_CARE_CURE -fricassee COOK -effaroucher DRIVE-BACK -fringe EMBELLISH -flecar EMBELLISH -franger EMBELLISH -orlar EMBELLISH -frivol BEHAVE -frock DRESS_WEAR -ponerse_los_hábitos DRESS_WEAR -tomar_los_hábitos DRESS_WEAR -vestirse_con_sotana DRESS_WEAR -frog HUNT -frogmarch CARRY_TRANSPORT MOVE-SOMETHING -adornar_con_escarcha COVER_SPREAD_SURMOUNT -alcorzar COVER_SPREAD_SURMOUNT -ice COVER_SPREAD_SURMOUNT COOL -frost COVER_SPREAD_SURMOUNT EMBELLISH COOL -escarchar COVER_SPREAD_SURMOUNT COOL -escarcharse COOL -ice_up COOL -frost_over COOL -ice_over COOL -spume EMIT -suds EMIT WASH_CLEAN -glower FACIAL-EXPRESSION SEE -frown FACIAL-EXPRESSION -fruncir_el_ceño FACIAL-EXPRESSION -fruncir SEW FACIAL-EXPRESSION PRESS_PUSH_FOLD -lour REDUCE_DIMINISH FACIAL-EXPRESSION -frown_upon REFUSE -estar_mal_visto REFUSE -frown_on REFUSE -dar_frutos GROW_PLOW -fructifier GROW_PLOW -fructify GROW_PLOW -fructificar GROW_PLOW -frutar GROW_PLOW -fruit GROW_PLOW POSSESS -freírse HEAT COOK -frire COOK -faire_frire COOK -ftp TRANSMIT -jack_off HAVE-SEX -wank HAVE-SEX -masturbar HAVE-SEX -she-bop HAVE-SEX -masturbarse HAVE-SEX -jerk_off HAVE-SEX -pajear HAVE-SEX -masturbate HAVE-SEX -fudge_together MOUNT_ASSEMBLE_PRODUCE -throw_together MOUNT_ASSEMBLE_PRODUCE MESS -poner_gasolina FUEL -abastecer_de_combustible FUEL -acalorar AROUSE_WAKE_ENLIVEN -s'acquitter SATISFY_FULFILL -live_up_to SATISFY_FULFILL -conforme SATISFY_FULFILL -abatanar EMBELLISH HIT -full CHANGE-APPEARANCE/STATE EMBELLISH HIT -batanar HIT -enfurtir HIT -incrementar_la_intensidad CHANGE-APPEARANCE/STATE -aumentar_de_fase CHANGE-APPEARANCE/STATE -fullback WORK -fulminate EXPLODE APPEAR CRITICIZE -rail CARRY_TRANSPORT PUT_APPLY_PLACE_PAVE SEPARATE_FILTER_DETACH OPPOSE_REBEL_DISSENT CRITICIZE ENCLOSE_WRAP MOVE-BY-MEANS-OF OFFEND_DISESTEEM HUNT -fulminar CRITICIZE -perder_el_balon FAIL_LOSE -grope TOUCH SEARCH FEEL -buscar_a_tientas FEEL -fume EMIT CAUSE-MENTAL-STATE EXCRETE TREAT-WITH/BY -reek EXIST-WITH-FEATURE ODORIZE EXCRETE EMIT -fumigar TREAT-WITH/BY -fumigate TREAT-WITH/BY -humear EMIT -echar_humo EMIT -smoke EMIT BREATH_BLOW -emitir_humo EMIT -function HAVE-A-FUNCTION_SERVE OPERATE WORK -fonctionner OPERATE -marcher OPERATE GO-FORWARD -officiate EMCEE WORK -fungir WORK -fund FOLLOW_SUPPORT_SPONSOR_FUND CONVERT PAY RETAIN_KEEP_SAVE-MONEY -fund_raise FOLLOW_SUPPORT_SPONSOR_FUND -fund-raise FOLLOW_SUPPORT_SPONSOR_FUND -fundraise FOLLOW_SUPPORT_SPONSOR_FUND -funnel SPILL_POUR -furl ROLL -arrollar ROLL HURT_HARM_ACHE FLATTEN_SMOOTHEN DEFEAT -furlough AUTHORIZE_ADMIT DISMISS_FIRE-SMN -mettre_au_chômage_technique AUTHORIZE_ADMIT DISMISS_FIRE-SMN -furnish LOAD_PROVIDE_CHARGE_FURNISH -amoblar LOAD_PROVIDE_CHARGE_FURNISH -rut HAVE-SEX EXTRACT -groove EXTRACT CAVE_CARVE -licuarse CONVERT -instalar_un_fusible LOAD_PROVIDE_CHARGE_FURNISH -fusilar SHOOT_LAUNCH_PROPEL -fusillade SHOOT_LAUNCH_PROPEL -overprotect HELP_HEAL_CARE_CURE PROTECT -mimar_en_exceso HELP_HEAL_CARE_CURE -sobreproteger HELP_HEAL_CARE_CURE PROTECT -g.i. WASH_CLEAN -gi WASH_CLEAN -poner_en_orden WASH_CLEAN -yak SPEAK -gab SPEAK -gad TRAVEL -ir_de_fiesta TRAVEL -gallivant TRAVEL -corretear_las_calles TRAVEL -jazz_around TRAVEL -amordazar DRESS_WEAR STOP TRY -muzzle DRESS_WEAR STOP -quip JOKE -satirizar JOKE -avoir_des_nausées TRY -tener_náuseas TRY -avoir_des_haut-le-coeur TRY -tener_arcadas TRY -tener_ansias TRY -tener_desazón TRY -tener_nauseas TRY -hacer_bascas TRY -sentir_nauseas TRY -tener_angustia TRY -gaggle MAKE-A-SOUND -engruesar INCREASE_ENLARGE_MULTIPLY AMASS -engrosar INCREASE_ENLARGE_MULTIPLY AMASS -perk AROUSE_WAKE_ENLIVEN -gain_vigor AROUSE_WAKE_ENLIVEN -irk CAUSE-MENTAL-STATE -galumph TRAVEL -sobresaltar CAUSE-MENTAL-STATE INCITE_INDUCE JUMP -galvanizar AROUSE_WAKE_ENLIVEN INCITE_INDUCE COVER_SPREAD_SURMOUNT -startle INCITE_INDUCE JUMP -galvanize AROUSE_WAKE_ENLIVEN INCITE_INDUCE COVER_SPREAD_SURMOUNT -galvanise AROUSE_WAKE_ENLIVEN INCITE_INDUCE COVER_SPREAD_SURMOUNT -electrolizar AROUSE_WAKE_ENLIVEN -gang BEHAVE -gang_up BEHAVE -gang-rape ATTACK_BOMB -sphacelate HURT_HARM_ACHE -gangrene HURT_HARM_ACHE -gangrenarse HURT_HARM_ACHE -necrose HURT_HARM_ACHE -aprisionar CAGE_IMPRISON -incarcerate CAGE_IMPRISON -gaol CAGE_IMPRISON -jug CAGE_IMPRISON COOK -immure CAGE_IMPRISON -emprisonner CAGE_IMPRISON -remand CAGE_IMPRISON DRIVE-BACK -imprison CAGE_IMPRISON -put_behind_bars CAGE_IMPRISON -mettre_en_prison CAGE_IMPRISON -jail CAGE_IMPRISON -goggle SEE -gawp SEE -gawk SEE -gape EXIST-WITH-FEATURE SEE -boquear EXIST-WITH-FEATURE -yaw EXIST-WITH-FEATURE TURN_CHANGE-DIRECTION -yawn EXIST-WITH-FEATURE MAKE-A-SOUND -bâiller EXIST-WITH-FEATURE -bostezar EXIST-WITH-FEATURE MAKE-A-SOUND -garage RETAIN_KEEP_SAVE-MONEY -garden WORK -jardinear WORK -gargarear SPEAK WASH_CLEAN -gargle SPEAK WASH_CLEAN -gargarizar SPEAK -se_gargariser WASH_CLEAN -rinse WASH_CLEAN -rincer WASH_CLEAN -enjuagar WASH_CLEAN -enguirnaldar EMBELLISH -garland EMBELLISH -garnishee REMOVE_TAKE-AWAY_KIDNAP -garotte KILL -garrotte KILL -agarrotar CHANGE-APPEARANCE/STATE KILL -garrote KILL -garrison STAY_DWELL -garter SECURE_FASTEN_TIE -gasear ATTACK_BOMB -gas_up FILL -gash CUT -pant SPEAK BREATH_BLOW -jadear SPEAK MAKE-A-SOUND BREATH_BLOW COMMUNICATE_CONTACT -gasp BREATH_BLOW -gate LOAD_PROVIDE_CHARGE_FURNISH STOP RESTRAIN -tuck INSERT SEW PRESS_PUSH_FOLD -gather_in PRESS_PUSH_FOLD -gauffer SHAPE -goffer SHAPE -mesurer EXIST-WITH-FEATURE MEASURE_EVALUATE -mirar_fijamente SEE -stare SEE -gaze SEE -gazette PUBLISH -gear HARMONIZE -gee TURN_CHANGE-DIRECTION ORDER -gel CONVERT SHAPE -mousse SHAPE -gelatinise CONVERT -gelatinize CONVERT COVER_SPREAD_SURMOUNT -gélatiner COVER_SPREAD_SURMOUNT -geminar COMBINE_MIX_UNITE -geminarse COMBINE_MIX_UNITE -géminer BORDER COMBINE_MIX_UNITE INCREASE_ENLARGE_MULTIPLY -geminate BORDER COMBINE_MIX_UNITE INCREASE_ENLARGE_MULTIPLY -reduplicar INCREASE_ENLARGE_MULTIPLY -general LEAD_GOVERN -vulgarise BEHAVE PUBLISH DEBASE_ADULTERATE -popularise PUBLISH INFORM -popularize PUBLISH INFORM -vulgarize BEHAVE PUBLISH DEBASE_ADULTERATE -vulgarizar PUBLISH DEBASE_ADULTERATE -popularizar PUBLISH INFORM -generalizarse CIRCULATE_SPREAD_DISTRIBUTE -rapporter GENERATE -hacer_cariño TOUCH -gentrify EMBELLISH -gentrificar EMBELLISH -genuflect LOWER -faire_une_génuflexion LOWER -arrodillarse LOWER -gerrymander DIVIDE -falsificar_elecciones DIVIDE -gesticular SIGN -gesticulate SIGN -faire_un_geste SIGN -gesticuler SIGN -motion SIGN -gesture SIGN -padecer HURT_HARM_ACHE UNDERGO-EXPERIENCE -sacar_de_quicio CAUSE-MENTAL-STATE -get_under_one's_skin CAUSE-MENTAL-STATE -echar_una_miradita SEE -have_a_look SEE -get_a_load SEE -take_a_look SEE -get_a_whiff ODORIZE -get_a_noseful ODORIZE -get_about TRAVEL -get_along_with BEFRIEND -llevarse_bien BEFRIEND -get_on_with BEFRIEND -mariposear COURT BEFRIEND -get_around_to ACHIEVE -get_back OBTAIN PUNISH -win_back OBTAIN -sacarse_la_espina PUNISH -deglutir EAT_BITE -ingurgitar EAT_BITE -chascar EAT_BITE -implicarse PARTICIPATE -tangle_with PARTICIPATE -involucrarse CO-OPT PARTICIPATE -colocarse ENJOY -trip_out ENJOY -saltar_fuera LEAVE_DEPART_RUN-AWAY -hop_out LEAVE_DEPART_RUN-AWAY -mail SEND -décoller BEGIN -get_off_the_ground BEGIN -echarse_encima LOCATE-IN-TIME_DATE -take_one's_lumps RESULT_CONSEQUENCE -get_one's_lumps RESULT_CONSEQUENCE -have_the_best OVERCOME_SURPASS -get_the_best OVERCOME_SURPASS -get_the_goods FIND -get_the_hang LEARN -get_the_jump WIN -pasar_el_rato SPEND-TIME_PASS-TIME -while_away SPEND-TIME_PASS-TIME -lograr_alcanzar ACHIEVE -lograr_ser ACHIEVE -progress_to ACHIEVE -get_worse WORSEN -empeorarse WORSEN -geyser FLOW -ghettoise ISOLATE -ghettoize ISOLATE -ghettizar ISOLATE -ghost CREATE_MATERIALIZE AFFECT TRAVEL -obsesionarse AFFECT -obsess CAUSE-MENTAL-STATE AFFECT -obsesionar AFFECT -fantasma AFFECT -ghostwrite CREATE_MATERIALIZE -farfullar MAKE-A-SOUND SPEAK -hablar_incoherentemente MAKE-A-SOUND -ahorcar KILL -gibbet JOKE KILL -regalar NOURISH_FEED GIVE_GIFT -envolver_para_regalo ENCLOSE_WRAP -gift-wrap ENCLOSE_WRAP -reírse_tontamente LAUGH -titter LAUGH -giggle LAUGH -paint_the_lily ADD EMBELLISH -gild_the_lily ADD EMBELLISH -embellecer_lo_perfecto EMBELLISH -renguear STOP -limp STOP GO-FORWARD -renquear STOP -cojear STOP GO-FORWARD -hobble STOP SECURE_FASTEN_TIE -gimp STOP -gin CATCH SEPARATE_FILTER_DETACH -echar_jengibre COOK -ginger COOK -juice_up AROUSE_WAKE_ENLIVEN -jazz_up AROUSE_WAKE_ENLIVEN -ginger_up AROUSE_WAKE_ENLIVEN -concéder GIVE_GIFT -sacrifice GIVE_GIFT KILL SELL -hand GIVE_GIFT DIRECT_AIM_MANEUVER -impartir INFORM -délivrer GIVE_GIFT -give_and_take SETTLE_CONCILIATE -hacer_concesiones_mutuas SETTLE_CONCILIATE -hacer_un_compromiso SETTLE_CONCILIATE -hacer_concesiones SETTLE_CONCILIATE -refund GIVE_GIFT -volver_a_pagar GIVE_GIFT -give_back GIVE_GIFT -reembolsar GIVE_GIFT PAY -reintegrar GIVE_GIFT ADD -give_it_a_whirl TRY -give_it_a_try TRY -have_a_go TRY -intentar_hacer_algo TRY -dar_las_gracias_a APPROVE_PRAISE -give_thanks APPROVE_PRAISE -thank APPROVE_PRAISE -dar_las_gracias APPROVE_PRAISE -give_the_bounce DISBAND_BREAK-UP -give_the_gate DISBAND_BREAK-UP -dar_puerta DISBAND_BREAK-UP -give_the_once_over CRITICIZE -give_the_eye CRITICIZE -give_the_glad_eye SEE -matar_con_los_ojos SEE -démissionner RESIGN_RETIRE -dimitir RESIGN_RETIRE -give_vent SPEAK -glaciate COVER_SPREAD_SURMOUNT COOL -joy CAUSE-MENTAL-STATE -gladden CAUSE-MENTAL-STATE -alegrarse CAUSE-MENTAL-STATE -hacer_atractivo EMBELLISH -glamourise EMBELLISH INTERPRET -glamorize EMBELLISH INTERPRET -glamourize EMBELLISH -hacer_atrayente EMBELLISH -glamorise EMBELLISH -romanticise EMBELLISH INTERPRET -romantizar EMBELLISH INTERPRET -romanticize BEHAVE EMBELLISH INTERPRET -glamorizar INTERPRET -idealizar BEHAVE IMAGINE INTERPRET -glint LIGHT_SHINE SEE -glance HIT SEE -peek SEE -scan SEARCH INFORM ANALYZE HARMONIZE READ -glance_over ANALYZE -hurgar GROUP ANALYZE EXTRACT -glare LIGHT_SHINE SEE -glass LOAD_PROVIDE_CHARGE_FURNISH SEARCH ENCLOSE_WRAP CHANGE-APPEARANCE/STATE PUT_APPLY_PLACE_PAVE -glass_over CHANGE-APPEARANCE/STATE -poner_vidrios LOAD_PROVIDE_CHARGE_FURNISH -encristalar LOAD_PROVIDE_CHARGE_FURNISH -glass_in ENCLOSE_WRAP -vernir COVER_SPREAD_SURMOUNT -vernisser COVER_SPREAD_SURMOUNT -glacer COVER_SPREAD_SURMOUNT -vitrifier COVER_SPREAD_SURMOUNT -vidriar COVER_SPREAD_SURMOUNT -fulgurar LIGHT_SHINE -glimmer LIGHT_SHINE -gleam LIGHT_SHINE APPEAR -rutilar LIGHT_SHINE -glisten LIGHT_SHINE -glitter LIGHT_SHINE -cosechar GROUP -récolter GROUP -glean GROUP -espigar GROUP INCREASE_ENLARGE_MULTIPLY -harvest REMOVE_TAKE-AWAY_KIDNAP GROUP -glide FLY TRAVEL MOVE-SOMETHING -deslizar MOVE-SOMETHING GO-FORWARD TRAVEL INSERT OVERCOME_SURPASS -glide-bomb ATTACK_BOMB -bombardear_en_planeo ATTACK_BOMB -entrever SEE -glimpse SEE -glissade PERFORM -recrearse PLAY_SPORT/GAME SEE -globalise INCREASE_ENLARGE_MULTIPLY -globalizar INCREASE_ENLARGE_MULTIPLY -globalize INCREASE_ENLARGE_MULTIPLY -globe-trot TRAVEL -recorrer_mundo TRAVEL -transfigurar CHANGE-APPEARANCE/STATE APPROVE_PRAISE -spiritualiser CHANGE-APPEARANCE/STATE APPROVE_PRAISE INTERPRET -spiritualize CHANGE-APPEARANCE/STATE APPROVE_PRAISE INTERPRET -transfigurer CHANGE-APPEARANCE/STATE APPROVE_PRAISE -transfigure CHANGE-APPEARANCE/STATE APPROVE_PRAISE -espiritualizar LOAD_PROVIDE_CHARGE_FURNISH REDUCE_DIMINISH APPROVE_PRAISE -glory CAUSE-MENTAL-STATE -lustrar EMBELLISH WASH_CLEAN -acallar MAKE-A-SOUND CLOUD_SHADOW_HIDE -hush_up MAKE-A-SOUND CLOUD_SHADOW_HIDE -encalar COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -gloss_over TREAT CLOUD_SHADOW_HIDE -whitewash SUBJECTIVE-JUDGING COVER_SPREAD_SURMOUNT CLOUD_SHADOW_HIDE -sleek_over CLOUD_SHADOW_HIDE -skimp_over TREAT -skate_over TREAT -smooth_over TREAT -slur_over TREAT -fulgir LIGHT_SHINE -estar_al_rojo_vivo LIGHT_SHINE -brillo CAUSE-MENTAL-STATE -paste ATTACH COVER_SPREAD_SURMOUNT HIT -glue ATTACH FOCUS -coller ATTACH FOCUS -glug MAKE-A-SOUND -glycerolize PUT_APPLY_PLACE_PAVE -glicerolizar PUT_APPLY_PLACE_PAVE -glycerolise PUT_APPLY_PLACE_PAVE -gnash TOUCH -mordiscar EAT_BITE -irse_en CONSUME_SPEND -run_short CONSUME_SPEND -run_low CONSUME_SPEND -procéder EXIST-WITH-FEATURE -hacer_ruido MAKE-A-SOUND -ir_de EXIST-WITH-FEATURE -locomote GO-FORWARD -travel TRAVEL GO-FORWARD -go_a_long_way EXIST-WITH-FEATURE -go_across GO-FORWARD -quest_for SEARCH -quest_after SEARCH -go_ahead CONTINUE -pase CONTINUE -plow_ahead CONTINUE -seguir_la_corriente ALLY_ASSOCIATE_MARRY -revolve ROLL TRAVEL -go_back_on FAIL_LOSE -renege FAIL_LOSE -renege_on FAIL_LOSE -desdecirse SPEAK FAIL_LOSE -renegue_on FAIL_LOSE -travel_by OVERCOME_SURPASS -pass_by OVERCOME_SURPASS -llamarse NAME -go_under NAME DISAPPEAR DIP_DIVE -llegar_lejos EXIST-WITH-FEATURE -go_deep EXIST-WITH-FEATURE -llegar_hondo EXIST-WITH-FEATURE -ir_abajo DIP_DIVE -se__coucher DISAPPEAR -ir_a_escote SHARE -go_dutch SHARE -ir_a_por TRY -intentar_alcanzar TRY -intentar_conseguir TRY -intentar_llegar TRY -try_for TRY -go_for_broke RISK -go_home MOVE-BACK -head_home MOVE-BACK -implosionar PRESS_PUSH_FOLD -implotar PRESS_PUSH_FOLD -implode PRESS_PUSH_FOLD -go_off_half-cocked CARRY-OUT-ACTION -go_off_at_half-cock CARRY-OUT-ACTION -pasar_de_moda FAIL_LOSE -pasar_revista VERIFY -work_through CREATE_MATERIALIZE -go_through_the_motions PRETEND -go_to_the_dogs WORSEN -go_to_pot WORSEN -take_arms ATTACK_BOMB -tomar_las_armas ATTACK_BOMB -go_to_war ATTACK_BOMB -take_up_arms ATTACK_BOMB -aguijar INCITE_INDUCE -goad INCITE_INDUCE HURT_HARM_ACHE CRITICIZE -espolear FIGHT INCITE_INDUCE HIT -spur LOAD_PROVIDE_CHARGE_FURNISH INCITE_INDUCE HIT -needle HOLE_PIERCE CRITICIZE -gluglú MAKE-A-SOUND -gluglutear MAKE-A-SOUND -bañar_en_oro COVER_SPREAD_SURMOUNT -gold_plate COVER_SPREAD_SURMOUNT -gold-plate COVER_SPREAD_SURMOUNT -goldplate COVER_SPREAD_SURMOUNT -golf PLAY_SPORT/GAME -gong PERFORM -buscar_con_google SEARCH -googler SEARCH -google SEARCH -googlear SEARCH -goose TOUCH INCITE_INDUCE SPEED-UP -meter_mano TOUCH -dar_una_nalgada TOUCH -goose_step MOVE-ONESELF -cortar_tela CUT -gore CUT HURT_HARM_ACHE -acanalar LOAD_PROVIDE_CHARGE_FURNISH CAVE_CARVE -gouge_out HOLE_PIERCE -govern ADJUST_CORRECT LEAD_GOVERN INFLUENCE REQUIRE_NEED_WANT_HOPE -regularize ADJUST_CORRECT -regir ADJUST_CORRECT LEAD_GOVERN INFLUENCE RESTRAIN -normar ADJUST_CORRECT -regularise ADJUST_CORRECT -regularizar ADJUST_CORRECT MEASURE_EVALUATE -commander LEAD_GOVERN -régner LEAD_GOVERN -gouverner LEAD_GOVERN -gown DRESS_WEAR -snaffle STOP TAKE -snap_up TAKE -gradate CHANGE-APPEARANCE/STATE SORT_CLASSIFY_ARRANGE -grade ADJUST_CORRECT SUBJECTIVE-JUDGING -graduar SUBJECTIVE-JUDGING GIVE_GIFT AMELIORATE -rank SUBJECTIVE-JUDGING COMPARE OVERCOME_SURPASS -rate EXIST-WITH-FEATURE SUBJECTIVE-JUDGING CALCULATE_ESTIMATE -score SCORE CREATE_MATERIALIZE SUBJECTIVE-JUDGING CAVE_CARVE PAINT COURT -graduarse AMELIORATE -transplant PUT_APPLY_PLACE_PAVE CONVERT MOVE-SOMETHING -trasplantar PUT_APPLY_PLACE_PAVE MOVE-SOMETHING -grain PAINT DIRTY SHAPE -granular PAINT SHAPE -arraigar DIRTY -entarugar DIRTY -ingrain DIRTY TEACH -granulate SHAPE -grandstand PERFORM -representar_gráficamente PAINT -agarrar_firmemente CATCH -agarrar_firmente CATCH -hold_on CATCH WAIT RETAIN_KEEP_SAVE-MONEY CONTINUE -grass_over COVER_SPREAD_SURMOUNT -rallar MAKE-A-SOUND CORRODE_WEAR-AWAY_SCRATCH -gratify CAUSE-MENTAL-STATE -pander LOAD_PROVIDE_CHARGE_FURNISH CAUSE-MENTAL-STATE -souteneur LOAD_PROVIDE_CHARGE_FURNISH CAUSE-MENTAL-STATE -sculpture CREATE_MATERIALIZE CAVE_CARVE -sculpt CREATE_MATERIALIZE CAVE_CARVE -empedrar COVER_SPREAD_SURMOUNT -engravar COVER_SPREAD_SURMOUNT -gravitar REFER ATTRACT_SUCK GO-FORWARD -gravitate REFER ATTRACT_SUCK GO-FORWARD -grey COLOR -engrisecer COLOR -agrisar COLOR -gray COLOR -hacer_gris COLOR -encanecer COLOR -grisear COLOR -rasguñar HURT_HARM_ACHE CORRODE_WEAR-AWAY_SCRATCH -engrasar PUT_APPLY_PLACE_PAVE FILL -grease PUT_APPLY_PLACE_PAVE -verdecer COLOR -verdear COLOR -reverdecer COLOR -green COLOR -enverdecer COLOR -enverdecerse COLOR -greet SEND PERCEIVE WELCOME -griddle COOK -apenarse CAUSE-MENTAL-STATE -sorrow CAUSE-MENTAL-STATE -emparrillar COOK -grill ANALYZE COOK -pull_a_face FACIAL-EXPRESSION -make_a_face FACIAL-EXPRESSION -grimace FACIAL-EXPRESSION -sonreír_abiertamente FACIAL-EXPRESSION -grin FACIAL-EXPRESSION -grind_down LEAD_GOVERN -grit PUT_APPLY_PLACE_PAVE PRESS_PUSH_FOLD -arenar PUT_APPLY_PLACE_PAVE -yammer MAKE-A-SOUND OPPOSE_REBEL_DISSENT -mirar_con_hambre SEE -groak SEE -groan SIGNAL_INDICATE -gemir SIGNAL_INDICATE CRY -moan SIGNAL_INDICATE -groin MOUNT_ASSEMBLE_PRODUCE -sobrehilar EMBELLISH -cuidarse EMBELLISH -toquetear TOUCH -scrabble WRITE FEEL -grope_for FEEL -gross EARN -ganar_en_bruto EARN -grouch OPPOSE_REBEL_DISSENT -aterrar CAUSE-MENTAL-STATE OBLIGE_FORCE JOIN_CONNECT -solar COVER_SPREAD_SURMOUNT JOIN_CONNECT -échouer LAND_GET-OFF -tocar_tierra LAND_GET-OFF -encallar LAND_GET-OFF -run_aground LAND_GET-OFF -roletear HIT -imprimar COVER_SPREAD_SURMOUNT -undercoat COVER_SPREAD_SURMOUNT -prime PREPARE COVER_SPREAD_SURMOUNT FILL -varar LAND_GET-OFF GIVE-UP_ABOLISH_ABANDON -strand LAND_GET-OFF GIVE-UP_ABOLISH_ABANDON -ground_out SCORE -grouper SORT_CLASSIFY_ARRANGE -cazar_urogallos HUNT -enlechar SECURE_FASTEN_TIE -grout SECURE_FASTEN_TIE -hacer_crecer GROW_PLOW RAISE INCREASE_ENLARGE_MULTIPLY -overgrow GROW_PLOW DEVELOP_AGE -sobrecrecer GROW_PLOW -grow_over GROW_PLOW -grow_up DEVELOP_AGE -growl MAKE-A-SOUND -rumble MAKE-A-SOUND -rezongar MAKE-A-SOUND -grub_out EXTRACT -grub_up EXTRACT -grubstake PAY -concomerse DISLIKE -grudge DISLIKE AGREE_ACCEPT -reconcomerse DISLIKE -grunt MAKE-A-SOUND -grunt-hoot COMMUNICATE_CONTACT -vouch SUMMON GUARANTEE_ENSURE_PROMISE PROVE -warrant GROUND_BASE_FOUND GUARANTEE_ENSURE_PROMISE -resguardar CAUSE-MENTAL-STATE WATCH_LOOK-OUT RETAIN_KEEP_SAVE-MONEY PROTECT -salvaguardar WATCH_LOOK-OUT PROTECT -ward WATCH_LOOK-OUT -atinar GUESS -guesstimate CALCULATE_ESTIMATE -laugh_loudly LAUGH -guffaw LAUGH -carcajearse LAUGH -guide_on ORIENT -guillotinar KILL -guillotine KILL -quaff DRINK -lamper DRINK HIT -beber_demasiado DRINK -beber_a_tragos DRINK -gulp SPEAK DRINK -libar DRINK -swig DRINK HIT -resinar EXCRETE -gum PUT_APPLY_PLACE_PAVE CHANGE-APPEARANCE/STATE EAT_BITE EXCRETE -mumble SPEAK EAT_BITE -gum_up ATTACH -engomar ATTACH COVER_SPREAD_SURMOUNT -hacer_fuego SHOOT_LAUNCH_PROPEL -gun SHOOT_LAUNCH_PROPEL -gun_down KNOCK-DOWN -gush APPROVE_PRAISE SHOOT_LAUNCH_PROPEL GO-FORWARD -manar_a_borbotones GO-FORWARD -salir_a_chorro GO-FORWARD -spout SPEAK GO-FORWARD -borbotar GO-FORWARD -salir_a_chorros GO-FORWARD -echar_en_chorro SHOOT_LAUNCH_PROPEL -lanzar_a_chorro SHOOT_LAUNCH_PROPEL -derramar_a_borbotones SHOOT_LAUNCH_PROPEL -jet SHOOT_LAUNCH_PROPEL FLY -salir_en_chorro SHOOT_LAUNCH_PROPEL -rave CELEBRATE_PARTY SPEAK APPROVE_PRAISE -gut REMOVE_TAKE-AWAY_KIDNAP EMPTY_UNLOAD -gutter LOAD_PROVIDE_CHARGE_FURNISH LIGHT_SHINE FLOW CAVE_CARVE -guzzle DRINK -spin_around MOVE-ONESELF -narrar LOAD_PROVIDE_CHARGE_FURNISH MOVE-ONESELF CREATE_MATERIALIZE SPEAK INTERPRET -vestir_el_hábito DRESS_WEAR -habit DRESS_WEAR -habituarse BEGIN USE -dar_tajos CUT -patear_las_espinillas HIT -programmer CREATE_MATERIALIZE REPAIR_REMEDY -programar PLAN_SCHEDULE REPAIR_REMEDY CREATE_MATERIALIZE -hack_on REPAIR_REMEDY -tos_convulsiva BREATH_BLOW -whoop BREATH_BLOW SHOUT -heckle FACE_CHALLENGE WASH_CLEAN -hackle WASH_CLEAN -hatchel WASH_CLEAN -haemagglutinate AMASS -hemagglutinate AMASS -granizar METEOROLOGICAL -halloo SPEAK INCITE_INDUCE -llamar_a_gritos INCITE_INDUCE -hallucinate SEE -alucinar SEE -flipar SEE -s'arrêter STOP -se_figer STOP -s'immobiliser STOP -stem ORIENT REMOVE_TAKE-AWAY_KIDNAP STOP COME-FROM -stanch STOP -staunch STOP -restañar STOP -cabestrar KILL -halve DIVIDE -dédoubler DIVIDE -dividir_por_dos DIVIDE -couper_en_deux DIVIDE -ham_it_up BEHAVE -overplay BEHAVE -sobreactuar BEHAVE -ham BEHAVE -overact BEHAVE -cabotiner BEHAVE -discutir_a_fondo DISCUSS -hammer_out DISCUSS -thrash_out DISCUSS -hamstring SUBJUGATE HURT_HARM_ACHE -desjarretar SUBJUGATE HURT_HARM_ACHE -atar_de_manos SUBJUGATE -hand-dye COLOR -hand-pick CHOOSE -handwash WASH_CLEAN -hand-wash WASH_CLEAN -lavar_a_mano WASH_CLEAN -hand_down CHANGE-HANDS -handcolour COLOR -handcolor COLOR -handcraft MOUNT_ASSEMBLE_PRODUCE -manipuler TOUCH -manier TOUCH -palm TOUCH -handle_with_kid_gloves TREAT -rubberstamp APPROVE_PRAISE -sellar DECIDE_DETERMINE CLOSE APPROVE_PRAISE SECURE_FASTEN_TIE ATTACH -handstamp APPROVE_PRAISE -handwrite WRITE -manuscribir WRITE -hang_up STOP HANG MOVE-SOMETHING -string_up COMBINE_MIX_UNITE KILL -exhibirse SHOW -hang_by_a_thread RISK -hang_by_a_hair RISK -surcar_los_cielos FLY -hang_glide FLY -soar INCREASE_ENLARGE_MULTIPLY FLY -hang_in CONTINUE -mantenerse REMAIN RESIST OVERCOME_SURPASS CONTINUE -persevere CONTINUE -hold_the_line WAIT RETAIN_KEEP_SAVE-MONEY -hang_out SPEND-TIME_PASS-TIME -mantenerse_unidos EXIST-WITH-FEATURE JOIN_CONNECT -hang_together JOIN_CONNECT -interdepender JOIN_CONNECT -interdepend JOIN_CONNECT -raccrocher STOP -hanker REQUIRE_NEED_WANT_HOPE -long REQUIRE_NEED_WANT_HOPE -desear_ardientemente REQUIRE_NEED_WANT_HOPE -materialize APPEAR -materialise APPEAR -realizarse APPEAR -materializarse APPEAR -arengar SPEAK -harangue SPEAK -shield CAUSE-MENTAL-STATE PROTECT -dar_asilo STAY_DWELL -amparar TAKE-SHELTER PROTECT STAY_DWELL -hard_surface PUT_APPLY_PLACE_PAVE -harden CAUSE-MENTAL-STATE CHANGE-APPEARANCE/STATE STRENGTHEN_MAKE-RESISTANT -indurate ESTABLISH CAUSE-MENTAL-STATE CHANGE-APPEARANCE/STATE -templar ADJUST_CORRECT CHANGE-APPEARANCE/STATE REDUCE_DIMINISH EXTEND -avezar CAUSE-MENTAL-STATE -inure CAUSE-MENTAL-STATE -endurcir STRENGTHEN_MAKE-RESISTANT -blinder STRENGTHEN_MAKE-RESISTANT -cuirasser STRENGTHEN_MAKE-RESISTANT -aguerrir STRENGTHEN_MAKE-RESISTANT -hare RUN -hearken HEAR_LISTEN -harken HEAR_LISTEN -hark HEAR_LISTEN -harlequin COLOR -harm HURT_HARM_ACHE -compatibilizar COMBINE_MIX_UNITE -poner_los_arreos LOAD_PROVIDE_CHARGE_FURNISH -tackle LOAD_PROVIDE_CHARGE_FURNISH ATTACK_BOMB FACE_CHALLENGE -enjaezar LOAD_PROVIDE_CHARGE_FURNISH -estar_al_mando RESTRAIN -reglamentar BEHAVE RESTRAIN -dar_órdenes RESTRAIN -arpar PERFORM -arponear HOLE_PIERCE -harpoon HOLE_PIERCE -harsh_on CRITICIZE -harshen WORSEN -hash CUT -rehash DISCUSS USE -hash_over DISCUSS -retrograde WORSEN MOVE-BACK DISCUSS -refundir MOUNT_ASSEMBLE_PRODUCE DISCUSS USE -hasp SECURE_FASTEN_TIE -hat DRESS_WEAR -tocarse DRESS_WEAR -poner_sombrero DRESS_WEAR -salir_del_cascarón GIVE-BIRTH -stalk FOLLOW-IN-SPACE HUNT MOVE-ONESELF -have_got POSSESS -detentar RETAIN_KEEP_SAVE-MONEY POSSESS -tratar_con FACE_CHALLENGE -possess EXIST-WITH-FEATURE INFLUENCE POSSESS -own POSSESS -posséder POSSESS -have_a_ball ENJOY -have_a_good_time ENJOY -have_down KNOW -have_in_mind REFER -have_it_coming EXIST-WITH-FEATURE -have_on DRESS_WEAR -haw MAKE-A-SOUND -peddle SELL -monger SELL -vend SELL -hay CONVERT -haze CLOUD_SHADOW_HIDE DOWNPLAY_HUMILIATE -gastar_novatadas DOWNPLAY_HUMILIATE -encabezar LOAD_PROVIDE_CHARGE_FURNISH COVER_SPREAD_SURMOUNT LEAD_GOVERN PRECEDE OVERCOME_SURPASS -head_up LEAD_GOVERN -emmener PRECEDE -diriger PRECEDE -mener PRECEDE -guider PRECEDE -headbutt HIT -headline LOAD_PROVIDE_CHARGE_FURNISH PUBLICIZE -headquarter LOAD_PROVIDE_CHARGE_FURNISH -sanear HELP_HEAL_CARE_CURE -se_cicatriser HELP_HEAL_CARE_CURE -pile ASSIGN-smt-to-smn AMASS -heap ASSIGN-smt-to-smn AMASS FILL -amonceler AMASS -empiler AMASS -entasser AMASS FILL -stack SORT_CLASSIFY_ARRANGE AMASS FILL -heap_up AMASS -stack_up AMASS -entendre PLAN_SCHEDULE HEAR_LISTEN ANALYZE -saber_de INFORM -take_heed FOCUS -écouter HEAR_LISTEN FOCUS -listen HEAR_LISTEN FOCUS -ouïr HEAR_LISTEN -hear_out HEAR_LISTEN -hot_up HEAT AROUSE_WAKE_ENLIVEN AMELIORATE -caldear HEAT -acalorarse HEAT -heat_up HEAT AROUSE_WAKE_ENLIVEN -chauffer HEAT -s'échauffer HEAT -se_réchauffer HEAT -heft MEASURE_EVALUATE RAISE -heave_up RAISE -heft_up RAISE -hectograph INCREASE_ENLARGE_MULTIPLY -hedge_in ENCLOSE_WRAP -equilibrar_riesgos REDUCE_DIMINISH -prestar_atención_a FOCUS -heed FOCUS -heel PERFORM INCLINE HIT REPAIR_REMEDY FOLLOW-IN-SPACE -reheel REPAIR_REMEDY -taconear PERFORM HIT -list COUNT SPEAK RECORD INCLINE -talonar FOLLOW-IN-SPACE -sopesar MEASURE_EVALUATE -intensifier INCREASE_ENLARGE_MULTIPLY -accroître INCREASE_ENLARGE_MULTIPLY -amolar SHARPEN AROUSE_WAKE_ENLIVEN AMELIORATE -agudizar SHARPEN AROUSE_WAKE_ENLIVEN AMELIORATE INCREASE_ENLARGE_MULTIPLY -aguzar SHARPEN AROUSE_WAKE_ENLIVEN AMELIORATE -heliograph SIGNAL_INDICATE -helm DIRECT_AIM_MANEUVER -help_oneself ABSTAIN_AVOID_REFRAIN -help_out HELP_HEAL_CARE_CURE -hem MAKE-A-SOUND SEW -hem_and_haw MAKE-A-SOUND -hemstitch SEW -ribetear LOAD_PROVIDE_CHARGE_FURNISH SEW -dar_la_tabarra CAUSE-MENTAL-STATE -ergoter CAUSE-MENTAL-STATE -nag CAUSE-MENTAL-STATE PROPOSE -hen-peck CAUSE-MENTAL-STATE -chercher_la_petite_bête CAUSE-MENTAL-STATE -chicaner CAUSE-MENTAL-STATE -henna COLOR -worship LIKE PERFORM APPROVE_PRAISE -hero-worship LIKE -idolise LIKE -heroificar LIKE -idolize LIKE -waffle STOP -hesitate STOP -heterodyne GENERATE -heterodino GENERATE -tailler CUT SHAPE -hachar SHAPE HIT -hew SHAPE HIT -équarrir SHAPE -hew_out SHAPE -hibachi COOK -hibernate SLEEP REST -hole_up SLEEP SCORE CLOUD_SHADOW_HIDE -hiberner SLEEP REST -hibernar SLEEP SPEND-TIME_PASS-TIME -invernar SLEEP SPEND-TIME_PASS-TIME -hipar BREATH_BLOW -hiccough BREATH_BLOW -hiccup BREATH_BLOW -hide_out CLOUD_SHADOW_HIDE -dissimuler CLOUD_SHADOW_HIDE -cacher CLOUD_SHADOW_HIDE -high-tail LEAVE_DEPART_RUN-AWAY -hightail LEAVE_DEPART_RUN-AWAY -ir_de_excursión TRAVEL -dar_largas_caminatas TRAVEL -hitch_up PULL -hill SHAPE -hinge ATTACH -engoznar ATTACH -hint SPEAK -sisear MAKE-A-SOUND SPEAK MOVE-ONESELF -sizz MAKE-A-SOUND SPEAK -sibilate PRONOUNCE MAKE-A-SOUND SPEAK -siss MAKE-A-SOUND SPEAK -chistar MAKE-A-SOUND -whoosh FLOW MOVE-ONESELF MOVE-SOMETHING -acertar ACHIEVE SHOOT_LAUNCH_PROPEL -pip SHOOT_LAUNCH_PROPEL KILL DEFEAT -accumuler PUT_APPLY_PLACE_PAVE SCORE FILL DEFEAT -tenir_le_score SCORE -llevar_el_marcador SCORE -rack_up PUT_APPLY_PLACE_PAVE SCORE FILL DEFEAT -tropezar_con MEET -chutar HIT -tustar HIT -strike_home AFFECT -strike_a_note AFFECT -hit_home AFFECT -strike_a_chord AROUSE_WAKE_ENLIVEN AFFECT -hit_it_up FEEL -ponerse_pedo FEEL -embriagarse FEEL -agarrar_un_tablón FEEL -hit_the_books STUDY -estudiarse STUDY -hit_the_dirt LOWER -hit_the_deck LOWER -hit_the_jackpot ACHIEVE -luck_out ACHIEVE -tener_suerte ACHIEVE -hitchhike TRAVEL -hacer_autostop TRAVEL -hive GROUP RETAIN_KEEP_SAVE-MONEY -stack_away RETAIN_KEEP_SAVE-MONEY -conserver HELP_HEAL_CARE_CURE RETAIN_KEEP_SAVE-MONEY -stash_away RETAIN_KEEP_SAVE-MONEY -lay_in RETAIN_KEEP_SAVE-MONEY -store RETAIN_KEEP_SAVE-MONEY -garder RECORD RETAIN_KEEP_SAVE-MONEY -hive_away RETAIN_KEEP_SAVE-MONEY -almacenar CONTAIN RETAIN_KEEP_SAVE-MONEY -salt_away RETAIN_KEEP_SAVE-MONEY -pull_someone's_leg JOKE -gastar_una_broma JOKE -hoax JOKE -fresar CUT CAVE_CARVE -hob CUT -hopple SECURE_FASTEN_TIE -hobnail LOAD_PROVIDE_CHARGE_FURNISH -codearse BEFRIEND -hobnob BEFRIEND -cortar_el_corvejón HURT_HARM_ACHE -hock HURT_HARM_ACHE SELL -mettre_au_clou HURT_HARM_ACHE SELL -empeñar SELL -pawn SELL -hoe EXTRACT -sachar EXTRACT -cavar_con_azadón EXTRACT -azadonar EXTRACT -acaparar STEAL_DEPRIVE -hog STEAL_DEPRIVE -hog-tie STOP -hoist RAISE -enarbolar RAISE CHASE -maintenir REMAIN RECORD RETAIN_KEEP_SAVE-MONEY -keep_back REFUSE RETAIN_KEEP_SAVE-MONEY -tenir CATCH RECORD -take_hold CATCH LEAD_GOVERN -prevaler EXIST_LIVE -prevelecer EXIST_LIVE -primar EXIST_LIVE -hold_off WAIT RESIST -attendre WAIT -hold_down RETAIN_KEEP_SAVE-MONEY RESTRAIN -mantener_controlado RESTRAIN -hold_firm BELIEVE -mantenerse_firme BELIEVE -stand_firm BELIEVE RESIST -stand_pat BELIEVE -stand_fast BELIEVE -mantener_a_raya SETTLE_CONCILIATE RESIST -tener_a_raya RESIST -hold_one's_own EXIST-WITH-FEATURE MANAGE -keep_open RETAIN_KEEP_SAVE-MONEY -hold_open RETAIN_KEEP_SAVE-MONEY -reservarse WAIT RETAIN_KEEP_SAVE-MONEY -aguantarse WAIT -aguantar_firme RESIST -infundir_miedo ENDANGER -hold_still_for TOLERATE -hold_sway LEAD_GOVERN -hold_water RESIST -stick_up ARGUE-IN-DEFENSE STEAL_DEPRIVE -hole HOLE_PIERCE SCORE -hole_out SCORE -vacation TRAVEL -pasar_las_vacaciones TRAVEL -holiday TRAVEL -vacacionar TRAVEL -veranear SPEND-TIME_PASS-TIME TRAVEL -holler_out SHOUT -gritar_hola SHOUT -holystone CORRODE_WEAR-AWAY_SCRATCH -home MOVE-BACK STAY_DWELL -home-school TEACH -range_in DIRECT_AIM_MANEUVER -home_in DIRECT_AIM_MANEUVER -zero_in ADJUST_CORRECT DIRECT_AIM_MANEUVER -homer SCORE -jonrón SCORE -homestead STAY_DWELL -homogénéiser CONVERT COMBINE_MIX_UNITE -homogenize CONVERT COMBINE_MIX_UNITE -homogenise CONVERT COMBINE_MIX_UNITE -homologize MATCH COMPENSATE -homologise COMPENSATE -hone SHARPEN AMELIORATE -piedra_de_afilar AMELIORATE -perfect AMELIORATE -colocar_miel CHANGE-TASTE -honey CHANGE-TASTE -honeycomb HOLE_PIERCE AFFECT CAVE_CARVE -cribler HOLE_PIERCE AFFECT CAVE_CARVE -acribillar HOLE_PIERCE ATTACK_BOMB -acribar HOLE_PIERCE BREAK_DETERIORATE -honeymoon TRAVEL -reward GIVE_GIFT STRENGTHEN_MAKE-RESISTANT APPROVE_PRAISE -encapotar DRESS_WEAR -hood DRESS_WEAR -hoodoo EXIST-WITH-FEATURE -echar_el_anzuelo CATCH -hook_up JOIN_CONNECT -enarcar SECURE_FASTEN_TIE -hoop SECURE_FASTEN_TIE -hoot MAKE-A-SOUND -ulular MAKE-A-SOUND CRY -vacuum WASH_CLEAN -vacuum-clean WASH_CLEAN -pasar_la_aspiradora WASH_CLEAN -passer_l'aspirateur WASH_CLEAN -hoover WASH_CLEAN -hop MOVE-BY-MEANS-OF JUMP TRAVEL GO-FORWARD -hop-skip JUMP -sauter BEGIN JUMP -subirse MOVE-BY-MEANS-OF RAISE -poner_a_punto ADJUST_CORRECT AMELIORATE -soup_up AMELIORATE -hop_up AMELIORATE -esperanzar REQUIRE_NEED_WANT_HOPE -cornear HOLE_PIERCE -dar_cornadas HOLE_PIERCE -horn HOLE_PIERCE -colmillo HOLE_PIERCE -fisgonear SEARCH ANALYZE SEE -olfatear SEARCH BREATH_BLOW FIND SMELL -husmear SEARCH ANALYZE FIND SMELL -pry SEARCH OPEN ANALYZE OBTAIN -nose SEARCH MOVE-SOMETHING DEFEAT TOUCH SMELL -intrude SEARCH VIOLATE -horn_in SEARCH -horripilate CAUSE-MENTAL-STATE -horse LOAD_PROVIDE_CHARGE_FURNISH -horse-race COMPETE -horse-trade NEGOTIATE -horseshoe LOAD_PROVIDE_CHARGE_FURNISH -horsewhip HIT -cravacher HIT -lavar_con_manguera WET -hose_down WET -hose WET -hospitalize SEND -hospitalise SEND -hospitalizar SEND -host HOST_MEAL_INVITE -hot-dog PERFORM -hacer_un_puente START-FUNCTIONING -hot-wire START-FUNCTIONING -hot-work SHAPE -hound CHASE -seguir_la_pista CHASE -hunt SEARCH MOVE-ONESELF CHASE FLY DRIVE-BACK HUNT -seguir_la_huella CHASE -house-train TEACH -housebreak TEACH -housekeep MANAGE -mantenimiento_del_hogar MANAGE -levitar FLY -levitate FLY -oscillate MOVE-ONESELF COMPARE -vibrate MAKE-A-SOUND MOVE-ONESELF COMPARE ENJOY -estar_suspendido HANG -howl MAKE-A-SOUND LAUGH CRY -yaup CRY -wail CRY -yawl CRY -ululate CRY -wrawl MAKE-A-SOUND -reir_a_carcajadas LAUGH -aullar_de_risa LAUGH -huddle_together MEET -hue COLOR -imbuir COLOR WET INSERT -teinte COLOR -colorearse COLOR -snort MAKE-A-SOUND BREATH_BLOW -pegarse_a FIT -hugger_mugger BEHAVE -tower OVERCOME_SURPASS -encumbrarse OVERCOME_SURPASS -torrar OVERCOME_SURPASS -hulk OVERCOME_SURPASS -hull REMOVE_TAKE-AWAY_KIDNAP -descascarar REMOVE_TAKE-AWAY_KIDNAP -tararear SING -bourdonner MAKE-A-SOUND -humanize CHANGE_SWITCH -humanise CHANGE_SWITCH -humanizar CHANGE_SWITCH -humanar CHANGE_SWITCH -humbug DECEIVE -humidificar WET -humidify WET -moisturize WET -moisturise WET -humify CONVERT -humor SATISFY_FULFILL -humour SATISFY_FULFILL -hunch BEND -hunch_forward BEND -hunch_over BEND -tener_hambre HURT_HARM_ACHE -pasar_hambre HURT_HARM_ACHE -buscar_refugio TAKE-SHELTER -refugiarse TAKE-SHELTER -track_down HUNT -hunt_down HUNT -dar_guiñadas FLY -hurdle JUMP -lunge GO-FORWARD -hurrah SHOUT -travel_rapidly RUN -zip CLOSE RUN -meter_prisa OBLIGE_FORCE -achuchar OBLIGE_FORCE MOVE-SOMETHING -pâtir HURT_HARM_ACHE -penar HURT_HARM_ACHE -souffrir HURT_HARM_ACHE -hacer_daño HURT_HARM_ACHE -arrojarse TRAVEL GO-FORWARD -hush MAKE-A-SOUND CORRODE_WEAR-AWAY_SCRATCH WASH_CLEAN -silence MAKE-A-SOUND STOP -quiesce MAKE-A-SOUND -quiet_down MAKE-A-SOUND -apaciguarse MAKE-A-SOUND -pipe_down MAKE-A-SOUND -serenarse CAUSE-MENTAL-STATE MAKE-A-SOUND -desvainar REMOVE_TAKE-AWAY_KIDNAP -husk REMOVE_TAKE-AWAY_KIDNAP -arramblar OBTAIN -hydrate WET -hydrogen-bomb ATTACK_BOMB -hidrogenar TREAT-WITH/BY -hydrogenate TREAT-WITH/BY -hydrolize CONVERT -hydrolise CONVERT -hydrolyse DESTROY -hydrolyze DESTROY -hydroplane MOVE-BY-MEANS-OF -seaplane MOVE-BY-MEANS-OF -sanitize ADJUST_CORRECT HELP_HEAL_CARE_CURE -hygienise HELP_HEAL_CARE_CURE -higienizar HELP_HEAL_CARE_CURE -sanitise ADJUST_CORRECT HELP_HEAL_CARE_CURE -hygienize HELP_HEAL_CARE_CURE -hymn PERFORM SING -cantar_un_himno SING -chanter_un_hymne_à_la_gloire_de PERFORM SING -cantar_las_alabanzas PERFORM APPROVE_PRAISE -hype PUBLICIZE -psych_up CAUSE-MENTAL-STATE -hype_up CAUSE-MENTAL-STATE -hyperextend EXTEND -hypertrophy UNDERGO-EXPERIENCE -hyperventilate CARRY-OUT-ACTION BREATH_BLOW -hyperventiler CARRY-OUT-ACTION BREATH_BLOW -hiperventilar BREATH_BLOW -hyphenate WRITE -hyphen WRITE -mesmerizar BEWITCH -hypnotize BEWITCH -hypnotise BEWITCH -hypophysectomize REMOVE_TAKE-AWAY_KIDNAP -hypophysectomise REMOVE_TAKE-AWAY_KIDNAP -hipofisectomizar REMOVE_TAKE-AWAY_KIDNAP -hypostatise INTERPRET -hypostatize INTERPRET -hipotecar GUARANTEE_ENSURE_PROMISE LEND -pignorar GIVE_GIFT GUARANTEE_ENSURE_PROMISE -ice_skate MOVE-BY-MEANS-OF -idealize IMAGINE INTERPRET -idealise IMAGINE INTERPRET -s'identifier MATCH -identificarse MATCH -stagnate STOP -gandulear ABSTAIN_AVOID_REFRAIN STOP -idle OPERATE STOP -slug STOP HIT -laze STOP -tick_over OPERATE -allumer BURN OPERATE -illuminer LIGHTEN -illumine LIGHTEN -illume LIGHTEN -imbricar OVERLAP -imbricate OVERLAP -inmaterializar CHANGE-APPEARANCE/STATE -unsubstantialise CHANGE-APPEARANCE/STATE -unsubstantialize CHANGE-APPEARANCE/STATE -immaterialise CHANGE-APPEARANCE/STATE -immaterialize CHANGE-APPEARANCE/STATE -immigrer ARRIVE LEAVE_DEPART_RUN-AWAY SEND -immigrate ARRIVE LEAVE_DEPART_RUN-AWAY SEND -inmigrar ARRIVE SEND -immobilizar STOP -pin HOLE_PIERCE ATTACH STOP -inmolar KILL -immolate KILL -immunise CHANGE-APPEARANCE/STATE PROTECT -immunizar PROTECT -immunize CHANGE-APPEARANCE/STATE PROTECT -immuniser CHANGE-APPEARANCE/STATE PROTECT -inmunizar CHANGE-APPEARANCE/STATE -vacciner CHANGE-APPEARANCE/STATE TEACH INSERT -vaccinate CHANGE-APPEARANCE/STATE -vacunar CHANGE-APPEARANCE/STATE -inoculate CHANGE-APPEARANCE/STATE TEACH INSERT -inoculer CHANGE-APPEARANCE/STATE -inocular CHANGE-APPEARANCE/STATE INSERT -poner_en_tela_de_juicio FACE_CHALLENGE -éjecter REMOVE_TAKE-AWAY_KIDNAP MOVE-SOMETHING -impend HAPPEN_OCCUR -cernerse STOP HAPPEN_OCCUR -hacerse_pasar_por DECEIVE -personate DECEIVE REPRESENT -impersonate PERFORM DECEIVE JOKE -inculcar INSERT TEACH -compromettre IMPLY -impliquer IMPLY -incriminer IMPLY -inculpate IMPLY -import TRANSMIT CARRY_TRANSPORT SIGNAL_INDICATE -spell ALTERNATE BEWITCH WRITE SPEAK SIGNAL_INDICATE -importune CAUSE-MENTAL-STATE -levy CHARGE ORGANIZE -paupériser STEAL_DEPRIVE -appauvrir STEAL_DEPRIVE -saturate COMBINE_MIX_UNITE FILL -saturar COMBINE_MIX_UNITE FILL -instill INSERT TEACH FILL -tincture COLOR FILL -infuse DIP_DIVE CONVERT INSERT FILL TEACH -teinter COLOR FILL -instiller INSERT TEACH FILL -print PUBLISH WRITE PRINT COPY -imprimir PRINT COPY PUBLISH GENERATE PRESS_PUSH_FOLD -estampar COLOR PRINT APPROVE_PRAISE -yarn-dye COLOR -shanghai REMOVE_TAKE-AWAY_KIDNAP -démentir FACE_CHALLENGE -contester FACE_CHALLENGE -impugn FACE_CHALLENGE -impulse-buy BUY -inaugurar PERFORM BEGIN -kick_off BEGIN -inaugurate BEGIN -usher_in BEGIN -incandesce BURN -incarnadine COLOR -incise CAVE_CARVE -sajar CAVE_CARVE -hacer_una_incisión CAVE_CARVE -instigate AROUSE_WAKE_ENLIVEN PERSUADE -slope INCLINE -increase INCREASE_ENLARGE_MULTIPLY -inculcate TEACH -inbuir TEACH -instilar INSERT TEACH -incurrir RISK AMASS -incurvate BEND -indentar ADJUST_CORRECT CUT -indenture OBLIGE_FORCE -index ADJUST_CORRECT LOAD_PROVIDE_CHARGE_FURNISH SORT_CLASSIFY_ARRANGE -indexar LOAD_PROVIDE_CHARGE_FURNISH SORT_CLASSIFY_ARRANGE -indexer LOAD_PROVIDE_CHARGE_FURNISH -indizar LOAD_PROVIDE_CHARGE_FURNISH -formular_cargos ACCUSE -encausar ACCUSE -indict ACCUSE -personalize CHANGE_SWITCH -individuar RECOGNIZE_ADMIT_IDENTIFY CHANGE_SWITCH DISTINGUISH_DIFFER -individualizar SHAPE RECOGNIZE_ADMIT_IDENTIFY CHANGE_SWITCH DISTINGUISH_DIFFER -personalise CHANGE_SWITCH -individualize CHANGE_SWITCH DISTINGUISH_DIFFER -individualise CHANGE_SWITCH DISTINGUISH_DIFFER -individuate RECOGNIZE_ADMIT_IDENTIFY SHAPE -endoctriner TEACH -indoctrinate TEACH -adoctrinar TEACH -catéchiser TEACH -indoctrinar TEACH -induct AUTHORIZE_ADMIT MOUNT_ASSEMBLE_PRODUCE TEACH ASSIGN-smt-to-smn -seat LOAD_PROVIDE_CHARGE_FURNISH LIE HOST_MEAL_INVITE ASSIGN-smt-to-smn PUT_APPLY_PLACE_PAVE -abandonarse_a_algo CARRY-OUT-ACTION -luxuriate GROW_PLOW BEHAVE ENJOY -industrializar CHANGE-APPEARANCE/STATE AMELIORATE ORGANIZE -industrialize AMELIORATE ORGANIZE -industrialiser AMELIORATE ORGANIZE -industrialise AMELIORATE ORGANIZE -indwell LIE -emborrachar HURT_HARM_ACHE -infatuate CAUSE-MENTAL-STATE -infatuar CAUSE-MENTAL-STATE -infect TEACH AFFECT CONTRACT-AN-ILLNESS_INFECT -inficionar CONTRACT-AN-ILLNESS_INFECT -impurificar CONTRACT-AN-ILLNESS_INFECT -colegir BELIEVE -infest BENEFIT_EXPLOIT COVER_SPREAD_SURMOUNT ENTER -infiltrate PERMEATE DECEIVE VIOLATE -infiltrarse PERMEATE DECEIVE VIOLATE -infiltrar DECEIVE -pass_through TRAVEL MOVE-SOMETHING VIOLATE -infijarse ATTACH -prenderse BURN -inflect CONVERT CHANGE_SWITCH -modulate ADJUST_CORRECT CHANGE_SWITCH -modular ADJUST_CORRECT CHANGE_SWITCH -moduler ADJUST_CORRECT CHANGE_SWITCH -pasar_información INFORM -inform GROUND_BASE_FOUND INFORM -dar_información INFORM -infuscate COLOR -infuser CONVERT -reiterate REPEAT -iterar REPEAT -restate REPEAT -ingeminate REPEAT -iterate REPEAT -ingratiate CAUSE-MENTAL-STATE -congraciarse CAUSE-MENTAL-STATE -inhere EXIST-WITH-FEATURE -inherit OBTAIN -suscribir FOLLOW_SUPPORT_SPONSOR_FUND WRITE -initial WRITE -inicializar ASSIGN-smt-to-smn -innovar ESTABLISH INSERT -dar_inicio ESTABLISH -pioneer ESTABLISH SEARCH -incoar ESTABLISH BEGIN -lead_up BEGIN -inyectar INSERT ADD -inyectar_suero INSERT -inyectarse INSERT -dar_una_inyección INSERT -blesser HURT_HARM_ACHE -ink COLOR WRITE FILL -signar WRITE -entintar FILL -inlay EMBELLISH -inmarry ALLY_ASSOCIATE_MARRY -innerver LOAD_PROVIDE_CHARGE_FURNISH AROUSE_WAKE_ENLIVEN -innervate LOAD_PROVIDE_CHARGE_FURNISH AROUSE_WAKE_ENLIVEN -inervar AROUSE_WAKE_ENLIVEN -innovate INSERT -input INFORM -sow_in GROW_PLOW -sow GROW_PLOW BURY_PLANT INSERT -slip_in INSERT -introducir_subrepticiamente INSERT -inset PUT_APPLY_PLACE_PAVE -s'obstiner BEHAVE -insister BEHAVE -persister BEHAVE -take_a_firm_stand BEHAVE -persévérer BEHAVE -s'acharner BEHAVE -solariser SHOW CHANGE-APPEARANCE/STATE -asolear SHOW -insolate SHOW -solarise SHOW CHANGE-APPEARANCE/STATE -solarize SHOW CHANGE-APPEARANCE/STATE -sun SHOW -solear SHOW -uncir SECURE_FASTEN_TIE JOIN_CONNECT -inspan SECURE_FASTEN_TIE -enyugar SECURE_FASTEN_TIE JOIN_CONNECT -acoyundar SECURE_FASTEN_TIE -révolutionner TEACH CHANGE_SWITCH -revolutionise TEACH CHANGE_SWITCH -revolucionar OPPOSE_REBEL_DISSENT TEACH CHANGE_SWITCH -revolutionize OPPOSE_REBEL_DISSENT TEACH CHANGE_SWITCH -inspirit AROUSE_WAKE_ENLIVEN -spirit_up AROUSE_WAKE_ENLIVEN -spirit AROUSE_WAKE_ENLIVEN -espesar CHANGE-APPEARANCE/STATE AMASS -thicken CHANGE-APPEARANCE/STATE AMASS -inspissate CHANGE-APPEARANCE/STATE AMASS -densificarse CHANGE-APPEARANCE/STATE -espesarse CHANGE-APPEARANCE/STATE -densificar AMASS -instantiate REPRESENT FIND -instancier REPRESENT -crear_una_instancia REPRESENT -instil INSERT -infundir INSERT -aleccionar TEACH -enseigner TEACH -teach TEACH -instrument LOAD_PROVIDE_CHARGE_FURNISH CREATE_MATERIALIZE SEND -instrumentar CREATE_MATERIALIZE VERIFY LOAD_PROVIDE_CHARGE_FURNISH SEND -instrumento CREATE_MATERIALIZE -instrumentate CREATE_MATERIALIZE -insuffler INSERT BREATH_BLOW -insufflate INSERT BREATH_BLOW -insulate ISOLATE PROTECT -isolate TAKE SEPARATE_FILTER_DETACH ISOLATE OBTAIN -significare MEAN -querer_decir MEAN -signifier MEAN -vouloir_dire MEAN -signify SPEAK MEAN -tratar_de_decir MEAN -avoir_l'intention PLAN_SCHEDULE -projeter PLAN_SCHEDULE SHOW -proponerse PLAN_SCHEDULE DECIDE_DETERMINE -interact BEHAVE -interactuar BEHAVE -interaccionar BEHAVE -relacionarse BEHAVE BEFRIEND -intercalate INSERT -intercepter CATCH -matter_to EXIST-WITH-FEATURE -intéresser CAUSE-MENTAL-STATE -interfere INSERT PARTICIPATE -intervene ALTERNATE PARTICIPATE HAPPEN_OCCUR -interiorize KNOW -interiorise KNOW -interiorizar KNOW -internalize KNOW -internalise KNOW -interlock TOUCH STOP ORGANIZE -interlard ALTERNATE -intersperse ALTERNATE -interfoliar ALTERNATE -interfolier LOAD_PROVIDE_CHARGE_FURNISH ALTERNATE -interleave LOAD_PROVIDE_CHARGE_FURNISH ALTERNATE -entrelazarse TOUCH -interlope VIOLATE -interlude PERFORM -intermarry ALLY_ASSOCIATE_MARRY -intern CAGE_IMPRISON WORK -hacer_el_internado WORK -internationalize LEAD_GOVERN CHANGE_SWITCH -internacionalizar LEAD_GOVERN CHANGE_SWITCH -internationaliser LEAD_GOVERN CHANGE_SWITCH -internationalise LEAD_GOVERN CHANGE_SWITCH -interpellate ASK_REQUEST -interpenetrarse COMBINE_MIX_UNITE -interponerse INSERT -read TRY CITE INFORM RECORD STUDY HEAR_LISTEN UNDERSTAND READ INTERPRET -traducir TRANSLATE CHANGE-APPEARANCE/STATE CHANGE_SWITCH UNDERSTAND -translate MOVE-SOMETHING TRANSLATE IMPLY CHANGE-APPEARANCE/STATE SPEAK CHANGE_SWITCH VERIFY UNDERSTAND -interpréter TRANSLATE -traduire TRANSLATE -interrelacionarse CORRELATE -emparentar CORRELATE SPEAK -interrelacionar CORRELATE -interrelate CORRELATE -interrogate TRANSMIT ASK_REQUEST -interstratify ALTERNATE -tat WEAVE -interview ASK_REQUEST DISCUSS -entrevistar ASK_REQUEST DISCUSS -interweave WEAVE -weave TRAVEL WEAVE -intimidate CAUSE-MENTAL-STATE OBLIGE_FORCE -preface PRECEDE -introducer PRECEDE -premise SPEAK PRECEDE SUPPOSE -introject LEARN -introspect THINK -invaginate INVERT_REVERSE INSERT -invaginar INVERT_REVERSE -introvert INVERT_REVERSE -entrer_sans_permission BENEFIT_EXPLOIT OVERCOME_SURPASS VIOLATE -trespass BENEFIT_EXPLOIT OVERCOME_SURPASS VIOLATE -obtrude PRESS_PUSH_FOLD VIOLATE -intuit UNDERSTAND -swell_up INCREASE_ENLARGE_MULTIPLY -swell CAUSE-MENTAL-STATE BEGIN INCREASE_ENLARGE_MULTIPLY FLOW -tumefy INCREASE_ENLARGE_MULTIPLY -tumesce INCREASE_ENLARGE_MULTIPLY -expandirse INCREASE_ENLARGE_MULTIPLY CIRCULATE_SPREAD_DISTRIBUTE -invaginarse INVERT_REVERSE -intussuscept INVERT_REVERSE -despotricar OPPOSE_REBEL_DISSENT -stock-take RECORD -inventariar RECORD -take_stock ANALYZE RECORD -inventory RECORD -invert INVERT_REVERSE -poner_al_revés INVERT_REVERSE -renverser INVERT_REVERSE -proctor WATCH_LOOK-OUT -invigilate WATCH_LOOK-OUT -tonificar AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE -reinvigorate AROUSE_WAKE_ENLIVEN -pay_for HOST_MEAL_INVITE -invoice SEND -enredarse CO-OPT CUT -pringarse CO-OPT DIP_DIVE -inweave WEAVE -iodinate COMBINE_MIX_UNITE -iodise TREAT-WITH/BY -yodar TREAT-WITH/BY -iodize TREAT-WITH/BY -ioder TREAT-WITH/BY -yodurar TREAT-WITH/BY -ionizar CONVERT ADD -ionate ADD -ionise CONVERT -ionize CONVERT -ioniser CONVERT -iridesce LIGHT_SHINE -iron PRESS_PUSH_FOLD -iron_out SETTLE_CONCILIATE PRESS_PUSH_FOLD -planchar PRESS_PUSH_FOLD -poner_a_raya SETTLE_CONCILIATE -put_right SETTLE_CONCILIATE -ray EMIT SHOW COVER_SPREAD_SURMOUNT -irrigate WET -irriguer WET -water NOURISH_FEED WET EXCRETE -irrigar WET INSERT -enconar HURT_HARM_ACHE -islamiser CHANGE-APPEARANCE/STATE HARMONIZE -islamise CHANGE-APPEARANCE/STATE HARMONIZE -islamize CHANGE-APPEARANCE/STATE HARMONIZE -islamizar CHANGE-APPEARANCE/STATE HARMONIZE -island_hop TRAVEL -sequestrate ISOLATE TAKE -keep_apart TAKE -poner_aparte TAKE -segregar STOP DISBAND_BREAK-UP SEPARATE_FILTER_DETACH EXCRETE TAKE FLOW -mantener_aislado TAKE -isomerize CONVERT -isomerise CONVERT -isomerizar CONVERT -escribir_en_itálica PRINT -italicize PRINT -italicise PRINT -itch TOUCH HURT_HARM_ACHE REQUIRE_NEED_WANT_HOPE -restregar TOUCH WASH_CLEAN -gratter TOUCH -frotar TOUCH WASH_CLEAN -itinerate TRAVEL -poignarder CUT -delirar SPEAK -mouth_off SPEAK -rabbit_on SPEAK -jabber SPEAK -rant SPEAK -valet RAISE WORK HUNT -jack_up RAISE -jack RAISE HUNT -cazar_con_farol HUNT -jacklight HUNT -enchaquetar DRESS_WEAR -jacket DRESS_WEAR COVER_SPREAD_SURMOUNT -enchaquetarse DRESS_WEAR -jackknife DIP_DIVE -jackrabbit GO-FORWARD -jag SHARPEN -throng AMASS -mob AMASS -apelotonarse AMASS -apretujarse GROUP AMASS -hacer_un_ruido_metálico MAKE-A-SOUND -jingle-jangle MAKE-A-SOUND -jingle MAKE-A-SOUND -jangle MAKE-A-SOUND -japan COVER_SPREAD_SURMOUNT -jolt CAUSE-MENTAL-STATE MOVE-SOMETHING -jaundice WORSEN HURT_HARM_ACHE -jaunt TRAVEL -yack SPEAK -yack_away SPEAK -yap_away SPEAK -rattle_on SPEAK -jawbone SPEAK -schmooze SPEAK -shmoose SPEAK -schmoose SPEAK -shmooze SPEAK -jaywalk OVERCOME_SURPASS -pasarse_el_semáforo OVERCOME_SURPASS -jellify CHANGE-APPEARANCE/STATE -convertir_en_jalea CHANGE-APPEARANCE/STATE -gelatinizar CHANGE-APPEARANCE/STATE -jelly CHANGE-APPEARANCE/STATE -dar_un_tirón PULL EXTEND -tirar_de OPERATE PULL -yank PULL -tironear MANAGE PULL -jest BEHAVE JOKE -joke BEHAVE JOKE -plaisanter JOKE -bufonearse JOKE -blaguer JOKE -volar_un_jet FLY -jettison DISCARD THROW -jig DANCE -joggle SECURE_FASTEN_TIE MOVE-SOMETHING -wiggle MOVE-SOMETHING -contonear MOVE-SOMETHING -jiggle MOVE-SOMETHING -jilt GIVE-UP_ABOLISH_ABANDON -jimmy OPEN -gafar DECREE_DECLARE -aojar DECREE_DECLARE -jitterbug DANCE -jive DANCE -chupar_del_bote BENEFIT_EXPLOIT -trabajar_esporádicamente WORK -hacer_footing TRAVEL -hacer_jogging TRAVEL MOVE-SOMETHING -ramble_on SPEAK -join_battle BEGIN -whoop_it_up CELEBRATE_PARTY -jollify CELEBRATE_PARTY -jaranear CELEBRATE_PARTY -make_merry CELEBRATE_PARTY -racket CELEBRATE_PARTY MAKE-A-SOUND HIT -make_whoopie CELEBRATE_PARTY -make_happy CELEBRATE_PARTY -jostle MOVE-SOMETHING -shove PRESS_PUSH_FOLD MOVE-SOMETHING -empellar MOVE-SOMETHING -jot WRITE -jot_down WRITE -voyager TRAVEL -journey TRAVEL -justar FIGHT -joust FIGHT -tool_around TRAVEL -tool LOAD_PROVIDE_CHARGE_FURNISH WORK TRAVEL -joyride TRAVEL -volver_a_casarse CELEBRATE_PARTY ALLY_ASSOCIATE_MARRY -judder MOVE-ONESELF -label NAME DECREE_DECLARE ATTACH DISTINGUISH_DIFFER -cocer_en_barro COOK -hacer_juegos_malabares PLAY_SPORT/GAME -hacer_malabarismos PLAY_SPORT/GAME -julienne CUT -relancer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND BEGIN INCREASE_ENLARGE_MULTIPLY START-FUNCTIONING -jump-start BEGIN START-FUNCTIONING -jumpstart BEGIN START-FUNCTIONING -hacer_saltar JUMP -jump_out EXIST-WITH-FEATURE -sursauter JUMP -jump_off BEGIN JUMP -se_lancer JUMP -skip_over MISS_OMIT_LACK -junk DISCARD -trash DISCARD CRITICIZE -desguazar DISCARD DESTROY -ir_de_gira TRAVEL VISIT -junketeer TRAVEL -vindicate ARGUE-IN-DEFENSE PROVE -proyectarse BULGE-OUT -exceler BULGE-OUT -jut_out BULGE-OUT -protruir BULGE-OUT -jut BULGE-OUT -juxtapose BORDER -juxtaposer BORDER -yuxtaponer BORDER -kayak MOVE-BY-MEANS-OF -ir_en_kayak MOVE-BY-MEANS-OF -dejar_sin_sentido KNOCK-DOWN -knock_out CAUSE-MENTAL-STATE DESTROY CANCEL_ELIMINATE EMPTY_UNLOAD KNOCK-DOWN -dejar_inconsciente KNOCK-DOWN -knock_cold KNOCK-DOWN -kayo KNOCK-DOWN -noquear KNOCK-DOWN -keel_over FALL_SLIDE-DOWN -keen CAUSE-MENTAL-STATE -se_lamenter CAUSE-MENTAL-STATE -protéger PROTECT -entretenir HELP_HEAL_CARE_CURE RECORD -stay_fresh REMAIN -conservarse REMAIN -guardarse REMAIN ABSTAIN_AVOID_REFRAIN -mantenerse_fresco REMAIN -empêcher PRECLUDE_FORBID_EXPEL -entrabar PRECLUDE_FORBID_EXPEL -faire_obstacle_à PRECLUDE_FORBID_EXPEL -keep_away DRIVE-BACK -avasallar SUBJUGATE -subjugate SUBJUGATE -keep_down SUBJUGATE PRECLUDE_FORBID_EXPEL RETAIN_KEEP_SAVE-MONEY -sojuzgar SUBJUGATE -repress SUBJUGATE STOP RETAIN_KEEP_SAVE-MONEY CLOUD_SHADOW_HIDE -run_on SPEAK CONTINUE -patronage FOLLOW_SUPPORT_SPONSOR_FUND ATTEND -stand_guard WATCH_LOOK-OUT -keep_guard WATCH_LOOK-OUT -mantenerse_alerta WATCH_LOOK-OUT -montar_vigilancia WATCH_LOOK-OUT -stand_watch WATCH_LOOK-OUT -montar_guardia WATCH_LOOK-OUT -hacer_guardia WATCH_LOOK-OUT -stand_sentinel WATCH_LOOK-OUT -keep_in STAY_DWELL -keep_note REMEMBER -stay_off ABSTAIN_AVOID_REFRAIN -stay_away ABSTAIN_AVOID_REFRAIN -mantener_distancia ABSTAIN_AVOID_REFRAIN -keep_one's_eyes_off ABSTAIN_AVOID_REFRAIN -mantenerse_alejado ABSTAIN_AVOID_REFRAIN -keep_one's_distance ABSTAIN_AVOID_REFRAIN -stand_back ABSTAIN_AVOID_REFRAIN STAY_DWELL -keep_one's_hands_off ABSTAIN_AVOID_REFRAIN -keep_one's_eyes_skinned WATCH_LOOK-OUT -keep_one's_eyes_peeled WATCH_LOOK-OUT -keep_one's_eyes_open WATCH_LOOK-OUT -keep_one's_mouth_shut ABSTAIN_AVOID_REFRAIN -keep_quiet ABSTAIN_AVOID_REFRAIN -shut_one's_mouth ABSTAIN_AVOID_REFRAIN -keep_one's_nose_to_the_grindstone WORK -keep_one's_shoulder_to_the_wheel WORK -peg_away WORK -plug_away WORK CONTINUE -trabajar_duramente WORK -keep_step REACH -keep_pace REACH -keep_tabs_on WATCH_LOOK-OUT -keep_to_oneself ABSTAIN_AVOID_REFRAIN CLOUD_SHADOW_HIDE -keep_track INFORM -quedarse_despierto AROUSE_WAKE_ENLIVEN LIE -mantener_despierto AROUSE_WAKE_ENLIVEN -quedarse_levantado AROUSE_WAKE_ENLIVEN -kennel PUT_APPLY_PLACE_PAVE -keratinise CHANGE-APPEARANCE/STATE CONVERT -queratinizar CONVERT -keratinize CHANGE-APPEARANCE/STATE CONVERT -créner REMOVE_TAKE-AWAY_KIDNAP LOAD_PROVIDE_CHARGE_FURNISH -kern REMOVE_TAKE-AWAY_KIDNAP LOAD_PROVIDE_CHARGE_FURNISH -proveer_de_granos LOAD_PROVIDE_CHARGE_FURNISH -dar_llaves LOAD_PROVIDE_CHARGE_FURNISH -keynote EXIST-WITH-FEATURE SPEAK -central SPEAK -kibitz CRITICIZE -kibbitz CRITICIZE -patalear RAISE -zapatear RAISE DANCE -patear HIT -kick_back PAY DRIVE-BACK -dar_un_impulso START-FUNCTIONING -kick-start START-FUNCTIONING -kick_about EXIST_LIVE -dar_una_patada OPEN -kick_down OPEN -set_in ESTABLISH BEGIN AIR -pull_the_leg_of JOKE -stamp_out FINISH_CONCLUDE_END -buter KILL -tuer KILL -occire KILL -liquider KILL -faire_la_peau KILL -kill_oneself TRY -matarse TRY -overexert_oneself TRY -kit_out LOAD_PROVIDE_CHARGE_FURNISH -kit LOAD_PROVIDE_CHARGE_FURNISH -kit_up LOAD_PROVIDE_CHARGE_FURNISH -volar_como_cometa FLY -kite FLY FAKE STEAL_DEPRIVE -milan FLY FAKE STEAL_DEPRIVE -volar_una_cometa FLY -kitten GIVE-BIRTH -parir_gatitos GIVE-BIRTH -rap TOUCH PERFORM SPEAK HIT -knead TOUCH SHAPE -massage TOUCH SEND -masajear TOUCH SEND -kneecap HURT_HARM_ACHE -kneel LOWER -arrodillar LOWER -knell PERFORM MAKE-A-SOUND -tocar_a_difuntos MAKE-A-SOUND -knife CUT -soldarse SEW -tricotar SEW -pink TOUCH MAKE-A-SOUND CUT -strike_hard HIT -golpear_con_fuerza HIT -ping MAKE-A-SOUND COMMUNICATE_CONTACT HIT SEND -knock_back COST -put_back RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND COST -shave TOUCH CUT REDUCE_DIMINISH -dejar_pasmado CAUSE-MENTAL-STATE -quedar_pasmado CAUSE-MENTAL-STATE -ravel SOLVE COMPLEXIFY -enrevesar COMPLEXIFY -knot SECURE_FASTEN_TIE WEAVE COMPLEXIFY -estar_seguro_de KNOW -knuckle THROW PRESS_PUSH_FOLD -marquer ATTACH -étiqueter NAME ATTACH -labialise PRONOUNCE -labialize PRONOUNCE -labializar PRONOUNCE -lace_up SECURE_FASTEN_TIE -lam_into HIT -lace_into HIT -pitch_into HIT -tear_into HIT -lay_into HIT -lacerate CUT HURT_HARM_ACHE -lack MISS_OMIT_LACK -carecer MISS_OMIT_LACK -carecer_de MISS_OMIT_LACK -faltar MISS_OMIT_LACK -lacquer COVER_SPREAD_SURMOUNT -laquer COVER_SPREAD_SURMOUNT -lacar COVER_SPREAD_SURMOUNT -ladder BREAK_DETERIORATE -lade REMOVE_TAKE-AWAY_KIDNAP FILL -ladle REMOVE_TAKE-AWAY_KIDNAP PUT_APPLY_PLACE_PAVE -laden REMOVE_TAKE-AWAY_KIDNAP FILL -load_up FILL -laicize CHANGE-APPEARANCE/STATE -laicizar CHANGE-APPEARANCE/STATE -laicise CHANGE-APPEARANCE/STATE -parir_un_cordero GIVE-BIRTH -lamb GIVE-BIRTH -laminar MOUNT_ASSEMBLE_PRODUCE SHAPE -laminate MOUNT_ASSEMBLE_PRODUCE COVER_SPREAD_SURMOUNT SHAPE -plastifier COVER_SPREAD_SURMOUNT -satirize JOKE -lampoon JOKE -satirise JOKE -lance HOLE_PIERCE OPEN RUN -alancear HOLE_PIERCE -lancear HOLE_PIERCE -atterrir LAND_GET-OFF -terrir LAND_GET-OFF -desemarcar LAND_GET-OFF -se_poser LAND_GET-OFF -assolir LAND_GET-OFF -shore ENCLOSE_WRAP LAND_GET-OFF STABILIZE_SUPPORT-PHYSICALLY -set_ashore LAND_GET-OFF -landscape EMBELLISH -ajardinar EMBELLISH -pine_away WEAKEN -lap MOVE-ONESELF OVERLAP EXTRACT TOUCH FLOW -lave FLOW WASH_CLEAN -sober CAUSE-MENTAL-STATE HELP_HEAL_CARE_CURE EXTRACT -lamer TOUCH EXTRACT -lap_up EXTRACT -dar_langüetazos TOUCH -lamber TOUCH -langüetear TOUCH -swoosh MOVE-ONESELF -chapalear WET MOVE-ONESELF -swosh MOVE-ONESELF -swish MOVE-ONESELF -superponerse OVERLAP -lapidate THROW KILL -lapidar KILL -stone REMOVE_TAKE-AWAY_KIDNAP KILL -apedrear KILL -lapider THROW KILL -petrificarse CHANGE-APPEARANCE/STATE -petrificar CHANGE-APPEARANCE/STATE STOP -lapidify CHANGE-APPEARANCE/STATE -lapidificar CHANGE-APPEARANCE/STATE -petrify CHANGE-APPEARANCE/STATE STOP -caer_en CHANGE-APPEARANCE/STATE -mechar COOK -spank HIT -larrup HIT -nalguear HIT -lash_together SECURE_FASTEN_TIE -lazar CATCH SECURE_FASTEN_TIE -lacear CATCH -rope CATCH SECURE_FASTEN_TIE -lasso CATCH -outride OVERCOME_SURPASS DEFEAT -last_out OVERCOME_SURPASS -ride_out OVERCOME_SURPASS -latch SECURE_FASTEN_TIE -lateralize MOVE-SOMETHING -jabonarse WASH_CLEAN -enjabonar WASH_CLEAN -enjabonarse WASH_CLEAN -jabonar WASH_CLEAN -soap WASH_CLEAN -latiniser TRANSLATE WRITE -romanise WRITE -romanizar WRITE -latinizar TRANSLATE WRITE -romanize WRITE -laugh_off LAUGH -laugh_away LAUGH -reírse LAUGH -tomarse_a_risa LAUGH -set_in_motion BEGIN -poner_en_movimiento BEGIN -launder CONVERT WASH_CLEAN -lessiver WASH_CLEAN -laver WASH_CLEAN -se_laver WASH_CLEAN -lavish GIVE_GIFT -shower LOAD_PROVIDE_CHARGE_FURNISH METEOROLOGICAL THROW WASH_CLEAN GIVE_GIFT -lay PUT_APPLY_PLACE_PAVE GIVE-BIRTH OBLIGE_FORCE PREPARE -hacer_responsable OBLIGE_FORCE -position PUT_APPLY_PLACE_PAVE -mettre PUT_APPLY_PLACE_PAVE -posar PUT_APPLY_PLACE_PAVE WORK -repose PUT_APPLY_PLACE_PAVE LIE INCLUDE-AS -poner_huevos GIVE-BIRTH -lay_aside RETAIN_KEEP_SAVE-MONEY -save_up RETAIN_KEEP_SAVE-MONEY -épargner ABSTAIN_AVOID_REFRAIN RETAIN_KEEP_SAVE-MONEY -lay_hands_on OPERATE -lay_on_the_line RISK -put_on_the_line RISK -disposer PREPARE -agencer PREPARE -installer PREPARE -superponer COVER_SPREAD_SURMOUNT -superposer OVERLAP COVER_SPREAD_SURMOUNT -superimpose COVER_SPREAD_SURMOUNT -lay_over LAND_GET-OFF COVER_SPREAD_SURMOUNT -superpose OVERLAP COVER_SPREAD_SURMOUNT -sobreponer COVER_SPREAD_SURMOUNT -stop_over STOP LAND_GET-OFF -lay_up RESTRAIN -layer OVERLAP -leach SPILL_POUR REMOVE_TAKE-AWAY_KIDNAP PERMEATE -percolar PERMEATE -ir_a_la_cabeza OVERCOME_SURPASS -ir_en_cabeza OVERCOME_SURPASS -mislead DECEIVE DIRECT_AIM_MANEUVER -despistar DECEIVE DIRECT_AIM_MANEUVER -misguide INFORM DIRECT_AIM_MANEUVER -league ALLY_ASSOCIATE_MARRY -leak SPILL_POUR PUBLISH SPEAK FLOW -leak_out PUBLISH -recostar INCLINE -reclinar INCLINE -apoyarse STABILIZE_SUPPORT-PHYSICALLY INCLINE -lean_on STABILIZE_SUPPORT-PHYSICALLY -lean_against STABILIZE_SUPPORT-PHYSICALLY -reclinarse BEND -lean_back BEND -recline INCLINE BEND LIE -leapfrog JUMP -étudier WORK STUDY -leash SECURE_FASTEN_TIE -leather HIT -agarrar_a_correazos HIT -leave_alone LEAVE-BEHIND -leave_behind LEAVE-BEHIND -leave_no_stone_unturned SEARCH -leave_office RESIGN_RETIRE -leaven INCREASE_ENLARGE_MULTIPLY -leudar INCREASE_ENLARGE_MULTIPLY -lust_after REQUIRE_NEED_WANT_HOPE -lech_after REQUIRE_NEED_WANT_HOPE -lujuriar REQUIRE_NEED_WANT_HOPE -dialogar SPEAK -leech_onto LIKE -legislate AUTHORIZE_ADMIT -prestarse EXIST-WITH-FEATURE -prêter LEND -loan LEND -lengthen INCREASE_ENLARGE_MULTIPLY -alongar INCREASE_ENLARGE_MULTIPLY -subside FALL_SLIDE-DOWN REDUCE_DIMINISH LOWER -loose_off SHOOT_LAUNCH_PROPEL -let_drive SHOOT_LAUNCH_PROPEL -let_fly SHOOT_LAUNCH_PROPEL -let_go EXIST-WITH-FEATURE LIBERATE_ALLOW_AFFORD -let_go_of LIBERATE_ALLOW_AFFORD -dejar_ir LIBERATE_ALLOW_AFFORD -let_it_go ABSTAIN_AVOID_REFRAIN -unleash LIBERATE_ALLOW_AFFORD -letter WRITE WIN PRINT -letter_bomb ATTACK_BOMB -levant LEAVE_DEPART_RUN-AWAY -level_off FLATTEN_SMOOTHEN -apalancar LOAD_PROVIDE_CHARGE_FURNISH ADD -leverage LOAD_PROVIDE_CHARGE_FURNISH ADD -lexicalize CREATE_MATERIALIZE -lexicalizar CREATE_MATERIALIZE -lexicaliser CREATE_MATERIALIZE -lexicalise CREATE_MATERIALIZE -libel OFFEND_DISESTEEM -liberalise AUTHORIZE_ADMIT LIBERATE_ALLOW_AFFORD -liberalize AUTHORIZE_ADMIT LIBERATE_ALLOW_AFFORD -libéraliser AUTHORIZE_ADMIT LIBERATE_ALLOW_AFFORD -set_free LIBERATE_ALLOW_AFFORD -librate MEASURE_EVALUATE MOVE-ONESELF -reposer LIE -se_trouver LIE -s'allonger LIE -lie_down LIE -hallarse LIE -lie_about EXIST_LIVE -lie_around EXIST_LIVE -lie_awake LIE -yacer_despierto LIE -lie_dormant STOP -se_terrer CLOUD_SHADOW_HIDE -lie_low CLOUD_SHADOW_HIDE -lifehack AMELIORATE -rustle MAKE-A-SOUND FIND STEAL_DEPRIVE -plagiarise STEAL_DEPRIVE -plagiarize STEAL_DEPRIVE -plagiar STEAL_DEPRIVE -lift_off LEAVE_DEPART_RUN-AWAY -levantar_vuelo LEAVE_DEPART_RUN-AWAY -scoop_out REMOVE_TAKE-AWAY_KIDNAP CAVE_CARVE -lift_out REMOVE_TAKE-AWAY_KIDNAP -évider REMOVE_TAKE-AWAY_KIDNAP CAVE_CARVE -scoop_up REMOVE_TAKE-AWAY_KIDNAP -ligate ATTACH JOIN_CONNECT -iluminarse LIGHTEN -transportar_en_chalana CARRY_TRANSPORT -lighter CARRY_TRANSPORT -lignify CONVERT -plaire LIKE -agréer LIKE -lilt PRONOUNCE -limber_up PREPARE JOIN_CONNECT -limber UNFASTEN_UNFOLD JOIN_CONNECT -warm_up HEAT CAUSE-MENTAL-STATE PREPARE -abonar_con_cal COVER_SPREAD_SURMOUNT -forrar COVER_SPREAD_SURMOUNT FILL -run_along LIE -line_one's_pockets EARN -queue SHAPE -queue_up SHAPE -linearise STRAIGHTEN -linearize STRAIGHTEN -yoke JOIN_CONNECT -enyuntar JOIN_CONNECT -lip-read READ -leer_los_labios READ -lipread READ -speech-read READ -lip-synch MATCH -lip-sync MATCH -shoot_one's_mouth_off SPEAK -lip_off SPEAK -lipstick PAINT EMBELLISH -rouge_à_lèvres PAINT EMBELLISH -pintarse_los_labios EMBELLISH -liquidise CHANGE-APPEARANCE/STATE -liquidize CHANGE-APPEARANCE/STATE SELL -sell_out INFORM SELL -sell_up SELL -cecear PRONOUNCE -lisp PRONOUNCE -listar COUNT RECORD -lister RECORD -literalise INTERPRET -literalize INTERPRET -lithograph CREATE_MATERIALIZE -litografiar CREATE_MATERIALIZE -litter DIRTY GIVE-BIRTH COVER_SPREAD_SURMOUNT -unlive CANCEL_ELIMINATE -live_down CANCEL_ELIMINATE -sleep_in SLEEP STAY_DWELL -ser_interno STAY_DWELL -live_in STAY_DWELL -live_it_up ENJOY -live_out EXIST_LIVE WORK -sleep_out WORK -live_over UNDERGO-EXPERIENCE -relive UNDERGO-EXPERIENCE -load_down FILL -lob HIT -localizarse BE-LOCATED_BASE -situer BE-LOCATED_BASE -situarse BE-LOCATED_BASE -afincar ESTABLISH STAY_DWELL -traslladar-se STAY_DWELL -locate BE-LOCATED_BASE FIND STAY_DWELL -site BE-LOCATED_BASE -enrigidecer STOP -candar SECURE_FASTEN_TIE -coffrer CAGE_IMPRISON -lock_in CAGE_IMPRISON RETAIN_KEEP_SAVE-MONEY -enfermer CAGE_IMPRISON -shut_away CAGE_IMPRISON -lock_up CAGE_IMPRISON SECURE_FASTEN_TIE -écrouer CAGE_IMPRISON -interner CAGE_IMPRISON -lock_away CAGE_IMPRISON -seal_in RETAIN_KEEP_SAVE-MONEY -cerrar_la_puerta PRECLUDE_FORBID_EXPEL -lock_out PRECLUDE_FORBID_EXPEL -lodge_in STAY_DWELL -loft PAINT SHOOT_LAUNCH_PROPEL RETAIN_KEEP_SAVE-MONEY HIT -liftar HIT -log CUT RECORD -maderar CUT -tronzar CUT -lumber CUT TRAVEL -log-in ENTER -log_in ENTER -log_on ENTER -log_off LEAVE_DEPART_RUN-AWAY -log_out LEAVE_DEPART_RUN-AWAY -logroll CORRUPT -caminar_desgarbadamente MOVE-ONESELF -lollop MOVE-ONESELF -sondear_buscando SEARCH -verse CREATE_MATERIALIZE LEARN SEEM -look_out_over ORIENT -look_across ORIENT -look_out_on ORIENT -cuidar_de WATCH_LOOK-OUT -look_after WATCH_LOOK-OUT -look_around SEE -look_away SEE -desviar_la_mirada SEE -look_back REMEMBER SEE -look_backward SEE -retrospect REMEMBER -look_down_on DISLIKE -chercher SEARCH -rechercher SEARCH -look_forward WAIT -asemejarse MATCH SEEM -look_like SEEM -asemejar SEEM -poner_atención WATCH_LOOK-OUT PERCEIVE -look_out WATCH_LOOK-OUT PROTECT -watch_out WATCH_LOOK-OUT -mirar_por FOCUS -asomarse APPEAR -loosen LIBERATE_ALLOW_AFFORD STRAIGHTEN REDUCE_DIMINISH UNFASTEN_UNFOLD -desapretar UNFASTEN_UNFOLD -tease_apart STRAIGHTEN -undo SHOW FAIL_LOSE UNFASTEN_UNFOLD RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND STEAL_DEPRIVE -détacher UNFASTEN_UNFOLD -desabrochar REMOVE_TAKE-AWAY_KIDNAP UNFASTEN_UNFOLD -défaire UNFASTEN_UNFOLD STEAL_DEPRIVE -untie LIBERATE_ALLOW_AFFORD UNFASTEN_UNFOLD -desamarrar UNFASTEN_UNFOLD -unlax MAKE-RELAX -make_relaxed MAKE-RELAX -unstrain MAKE-RELAX -unstuff UNFASTEN_UNFOLD -lope RUN -lord ASSIGN-smt-to-smn -investir_caballero ASSIGN-smt-to-smn -misplace PUT_APPLY_PLACE_PAVE -mislay PUT_APPLY_PLACE_PAVE -turn_a_loss FAIL_LOSE -perdre LOSE FAIL_LOSE -lose_sight_of SEE -lose_track FAIL_LOSE -bajar_peso REDUCE_DIMINISH -maigrir REDUCE_DIMINISH -perder_peso REDUCE_DIMINISH -amincir REDUCE_DIMINISH -affiner REDUCE_DIMINISH -slim REDUCE_DIMINISH -melt_off REDUCE_DIMINISH -slenderize REDUCE_DIMINISH -adelgazarse REDUCE_DIMINISH -lose_weight REDUCE_DIMINISH -enflaquecer REDUCE_DIMINISH -adelgazar REDUCE_DIMINISH -slim_down REDUCE_DIMINISH -louden INCREASE_ENLARGE_MULTIPLY -arrellanado LIE -empoltronarse LIE -amar LIKE -low MAKE-A-SOUND -moo MAKE-A-SOUND -mugir MAKE-A-SOUND -lowball CALCULATE_ESTIMATE -underestimate CALCULATE_ESTIMATE SUBJECTIVE-JUDGING -subestimar CALCULATE_ESTIMATE SUBJECTIVE-JUDGING OFFEND_DISESTEEM -lube PUT_APPLY_PLACE_PAVE -lubricar EXIST-WITH-FEATURE PUT_APPLY_PLACE_PAVE -lubricate EXIST-WITH-FEATURE PUT_APPLY_PLACE_PAVE -lubrifier PUT_APPLY_PLACE_PAVE -lubrificar PUT_APPLY_PLACE_PAVE -luck_it RELY -luck_through RELY -probar_fortuna RELY -luff MOVE-ONESELF DIRECT_AIM_MANEUVER -barloventear GO-FORWARD DIRECT_AIM_MANEUVER -orzar DIRECT_AIM_MANEUVER -tote CARRY_TRANSPORT -luge MOVE-BY-MEANS-OF -toboggan MOVE-BY-MEANS-OF -luminesce LIGHT_SHINE -lunch NOURISH_FEED EAT_BITE -almorzar EAT_BITE -cambiar_de_dirección GO-FORWARD -dar_una_sacudida GO-FORWARD -skunk DEFEAT -aguaitar PLAY_SPORT/GAME -prowl PLAY_SPORT/GAME TRAVEL -skulk ABSTAIN_AVOID_REFRAIN TRAVEL CLOUD_SHADOW_HIDE -lustrate DISMISS_FIRE-SMN -wanton BEHAVE CONSUME_SPEND SPEND-TIME_PASS-TIME EXIST_LIVE COURT -lynch KILL -lyncher KILL -linchar KILL -lyophilise DRY -liofilizar DRY -lyophilize DRY -lyric CREATE_MATERIALIZE -escribir_poemas CREATE_MATERIALIZE -lysogenize COMBINE_MIX_UNITE -macadamize PUT_APPLY_PLACE_PAVE -macadamise PUT_APPLY_PLACE_PAVE -macadamiser PUT_APPLY_PLACE_PAVE -tarmac PUT_APPLY_PLACE_PAVE -machicolate LOAD_PROVIDE_CHARGE_FURNISH -machine AUTOMATIZE SHAPE -hacer_a_máquina AUTOMATIZE -machine-wash WASH_CLEAN -machine_wash WASH_CLEAN -lavar_a_máquina WASH_CLEAN -ametrallar SHOOT_LAUNCH_PROPEL -machine_gun SHOOT_LAUNCH_PROPEL -macrame WEAVE -hacer_macramé WEAVE -madder COLOR -madrigal SING -cantar_madrigales SING -imantar CONVERT -enviar_por_correspondencia SEND -mail_out SEND -enviar_por_correo SEND -maim HURT_HARM_ACHE -mainline INSERT -pincharse INSERT -inyectarse_en_vena INSERT -chutarse INSERT -major STUDY -ser_la_esencia_de INCLUDE-AS -make_believe PERFORM -lograr_llegar REACH -orinar EXCRETE -hacer_aguas_menores EXCRETE -piddle SPEND-TIME_PASS-TIME EXCRETE -uriner EXCRETE -make_water EXCRETE -pee EXCRETE -pee-pee EXCRETE -hacer_pis EXCRETE -micturate EXCRETE -urinate EXCRETE -lâcher_de_l'eau EXCRETE -wee EXCRETE -piss EXCRETE -relieve_oneself EXCRETE -hacer_pipí EXCRETE -mear EXCRETE -wee-wee EXCRETE -hacer_un_río EXCRETE -pisser EXCRETE -take_a_leak EXCRETE -faire_pipi SPEND-TIME_PASS-TIME EXCRETE -lansquiner EXCRETE -pass_water EXCRETE -spend_a_penny EXCRETE -dar_el_éxito GUARANTEE_ENSURE_PROMISE -garantizar_el_éxito GUARANTEE_ENSURE_PROMISE -seducir HAVE-SEX COURT PERSUADE -seduce COURT PERSUADE -make_a_motion PROPOSE -presentar_una_moción PROPOSE -make_sure CARRY-OUT-ACTION -make_a_point CARRY-OUT-ACTION -make_a_stink OPPOSE_REBEL_DISSENT -raise_hell OPPOSE_REBEL_DISSENT -raise_a_stink OPPOSE_REBEL_DISSENT -make_as_if BEGIN -make_good CARRY-OUT-ACTION -make_hay BENEFIT_EXPLOIT -make_no_bones_about RECOGNIZE_ADMIT_IDENTIFY -ruido MAKE-A-SOUND -make_noise MAKE-A-SOUND -noise MAKE-A-SOUND -besuquearse TOUCH HAVE-SEX -acariciarse HAVE-SEX -neck HAVE-SEX -retread REPAIR_REMEDY USE -rework USE -make_over RENEW USE -rechaper REPAIR_REMEDY USE -rehacer MOUNT_ASSEMBLE_PRODUCE RENEW USE -refashion RENEW -remake RENEW -redo MOUNT_ASSEMBLE_PRODUCE RENEW -refaire MOUNT_ASSEMBLE_PRODUCE RENEW -make_pass OVERCOME_SURPASS -make_peace SETTLE_CONCILIATE -make_unnecessary RETAIN_KEEP_SAVE-MONEY -maquillarse EMBELLISH -make_vibrant_sounds MAKE-A-SOUND -make_way MOVE-BACK -malfunction BREAK_DETERIORATE -misfunction BREAK_DETERIORATE -malinger ABSTAIN_AVOID_REFRAIN -undernourish NOURISH_FEED -malnourish NOURISH_FEED -malt CHANGE-APPEARANCE/STATE CONVERT TREAT-WITH/BY -malter CHANGE-APPEARANCE/STATE CONVERT TREAT-WITH/BY -maltear CONVERT -bailar_mambo DANCE -mambo DANCE -man LOAD_PROVIDE_CHARGE_FURNISH WORK -supervisar WATCH_LOOK-OUT -oversee WATCH_LOOK-OUT -superviser WATCH_LOOK-OUT -superintend WATCH_LOOK-OUT -supervise WATCH_LOOK-OUT -encadrer WATCH_LOOK-OUT -mandate ASSIGN-smt-to-smn OBLIGE_FORCE -planchar_con_máquina PRESS_PUSH_FOLD -maul CUT HURT_HARM_ACHE -manhandle TREAT -maltraiter TREAT -hacer_la_manicura EMBELLISH -manicure EMBELLISH -hacer_manicura EMBELLISH -manucurer EMBELLISH -manifiesta APPEAR -manifold INCREASE_ENLARGE_MULTIPLY -pull_strings DECEIVE -pull_wires DECEIVE -rig LOAD_PROVIDE_CHARGE_FURNISH SECURE_FASTEN_TIE FAKE -mantle COVER_SPREAD_SURMOUNT -muck REMOVE_TAKE-AWAY_KIDNAP DIRTY COVER_SPREAD_SURMOUNT -manure COVER_SPREAD_SURMOUNT -estercolar COVER_SPREAD_SURMOUNT -map SEARCH PLAN_SCHEDULE APPEAR REPRESENT FIND -dibujar_el_mapa SEARCH -hacer_un_mapa SEARCH -map_out PLAN_SCHEDULE -mapquest SEARCH -maraud STEAL_DEPRIVE -marmolear PAINT -marble PAINT -marbleize CHANGE-APPEARANCE/STATE -marbleise CHANGE-APPEARANCE/STATE -marcel EMBELLISH -trancar GO-FORWARD -marginalize DEBASE_ADULTERATE -marginalise DEBASE_ADULTERATE -marinate DIP_DIVE -escabechar DIP_DIVE -marinar DIP_DIVE -marinade DIP_DIVE -pock HURT_HARM_ACHE -scar HURT_HARM_ACHE -pit REMOVE_TAKE-AWAY_KIDNAP HURT_HARM_ACHE FACE_CHALLENGE -nock CAVE_CARVE -racler CAVE_CARVE -darse_cuenta PERCEIVE -remarquer PERCEIVE SEE -note WRITE SPEAK PERCEIVE SEE -mark_down REDUCE_DIMINISH -mark_out PRECLUDE_FORBID_EXPEL -mark_up INCREASE_ENLARGE_MULTIPLY -mercadear SELL -maroon ISOLATE GIVE-UP_ABOLISH_ABANDON -unir_en_matrimonio EMCEE -splice EMCEE WEAVE JOIN_CONNECT -marshal PREPARE EMCEE SORT_CLASSIFY_ARRANGE -martyrize HURT_HARM_ACHE -martyrise HURT_HARM_ACHE -martyr HURT_HARM_ACHE KILL -marvel CAUSE-MENTAL-STATE -maravillarse CAUSE-MENTAL-STATE -sorprenderse CAUSE-MENTAL-STATE -masculiniser CHANGE-APPEARANCE/STATE -masculinise CHANGE-APPEARANCE/STATE -virilise CHANGE-APPEARANCE/STATE -masculinize CHANGE-APPEARANCE/STATE -virilize CHANGE-APPEARANCE/STATE -salsear COOK COVER_SPREAD_SURMOUNT -masquerade DECEIVE -enmascararse DECEIVE -mass GROUP -mass-produce MOUNT_ASSEMBLE_PRODUCE -massacre KILL -mow_down KILL -medirse_con FACE_CHALLENGE -play_off FACE_CHALLENGE -matricularse RECORD -matriculate RECORD -ripen GROW_PLOW -divaguer TRAVEL -mascujar SPEAK -mussitate SPEAK -musitar SPEAK -decir_entre_dientes SPEAK -barbotar SPEAK -max_out REACH -llegar_al_tope REACH -maximizar BENEFIT_EXPLOIT INCREASE_ENLARGE_MULTIPLY -maximise BENEFIT_EXPLOIT INCREASE_ENLARGE_MULTIPLY -maximize BENEFIT_EXPLOIT INCREASE_ENLARGE_MULTIPLY -arremolinar TRAVEL -meander TRAVEL -measure_out MEASURE_EVALUATE -mesurar MEASURE_EVALUATE -mensurate MEASURE_EVALUATE -dosar MEASURE_EVALUATE -cuantificar COUNT MEASURE_EVALUATE -quantify COUNT MEASURE_EVALUATE -mensurar MEASURE_EVALUATE -licenciarse EXIST-WITH-FEATURE -measure_up EXIST-WITH-FEATURE -mecanizar LOAD_PROVIDE_CHARGE_FURNISH CHANGE-APPEARANCE/STATE -mechanise LOAD_PROVIDE_CHARGE_FURNISH CHANGE-APPEARANCE/STATE AUTOMATIZE -mechanize LOAD_PROVIDE_CHARGE_FURNISH CHANGE-APPEARANCE/STATE AUTOMATIZE -mécaniser CHANGE-APPEARANCE/STATE -motorise LOAD_PROVIDE_CHARGE_FURNISH -motorizar LOAD_PROVIDE_CHARGE_FURNISH -motorize LOAD_PROVIDE_CHARGE_FURNISH -motoriser LOAD_PROVIDE_CHARGE_FURNISH -injerirse VIOLATE -meddle VIOLATE -medicar HELP_HEAL_CARE_CURE -medicinar HELP_HEAL_CARE_CURE -medicate HELP_HEAL_CARE_CURE -medicine HELP_HEAL_CARE_CURE -conocerse KNOW -meet_up_with MEET -melanizar CONVERT -ablandarse GROW_PLOW REDUCE_DIMINISH -mellow GROW_PLOW CAUSE-MENTAL-STATE REDUCE_DIMINISH -mellow_out CAUSE-MENTAL-STATE -suavizarse REDUCE_DIMINISH -melodize LOAD_PROVIDE_CHARGE_FURNISH -melodise LOAD_PROVIDE_CHARGE_FURNISH -melt_down CONVERT -signaler SPEAK -mentor TEACH -mayar MAKE-A-SOUND -mew MAKE-A-SOUND -miauler MAKE-A-SOUND -maullar MAKE-A-SOUND -meow MAKE-A-SOUND -merceriser LIGHTEN -mercerize LIGHTEN -mercerise LIGHTEN -mercerizar LIGHTEN -merchandise SELL -fusionner COMBINE_MIX_UNITE -unificarse COMBINE_MIX_UNITE -compenetrarse BEFRIEND -mess MESS EAT_BITE -comer_el_rancho EAT_BITE -comer_rancho EAT_BITE -mess_around WORK -muck_about WORK -monkey_around WORK -putter TRAVEL WORK -muck_around WORK -potter TRAVEL WORK -ruffle_up MESS -despeinar MESS -message SEND -enviar_un_mensaje SEND -metabolize MOUNT_ASSEMBLE_PRODUCE -metabolizar MOUNT_ASSEMBLE_PRODUCE -metabolise MOUNT_ASSEMBLE_PRODUCE -metal COVER_SPREAD_SURMOUNT -metalizar COVER_SPREAD_SURMOUNT -métalliser COVER_SPREAD_SURMOUNT -metalize COVER_SPREAD_SURMOUNT -metallize COVER_SPREAD_SURMOUNT -transform CHANGE-APPEARANCE/STATE CONVERT CHANGE_SWITCH -transmute CHANGE-APPEARANCE/STATE CONVERT -trasmutar CHANGE-APPEARANCE/STATE -metamorphose CHANGE-APPEARANCE/STATE -metamorfosearse CHANGE-APPEARANCE/STATE -métamorphoser CHANGE-APPEARANCE/STATE -transmogrify CHANGE-APPEARANCE/STATE -metastasize CIRCULATE_SPREAD_DISTRIBUTE -métastaser CIRCULATE_SPREAD_DISTRIBUTE -metastasise CIRCULATE_SPREAD_DISTRIBUTE -metastatizar CIRCULATE_SPREAD_DISTRIBUTE -metastasear CIRCULATE_SPREAD_DISTRIBUTE -effectuer_l'analyse MEASURE_EVALUATE -metrify CREATE_MATERIALIZE CONVERT -metricize CONVERT MEAN -metricise CONVERT MEAN -metricate CONVERT -mewl CRY -whimper CRY -pule CRY -miaou MAKE-A-SOUND -miaow MAKE-A-SOUND -micro-onder COOK -micro-cook COOK -microwave COOK -hornear_en_microondas COOK -calentar_en_microondas COOK -microcopy COPY -microfilmar RECORD -microfilm RECORD -middle PUT_APPLY_PLACE_PAVE -miff CAUSE-MENTAL-STATE -migrate GO-FORWARD -migrar GO-FORWARD -transmigrate GIVE-BIRTH GO-FORWARD -enmohecerse SPOIL -mildew SPOIL -militariser CHANGE_SWITCH -militarize CHANGE_SWITCH -militarizar CHANGE_SWITCH -militarise CHANGE_SWITCH -militate OPPOSE_REBEL_DISSENT -milk BENEFIT_EXPLOIT ADD EXTRACT -echar_leche ADD -ordeñar BENEFIT_EXPLOIT EXTRACT -traire EXTRACT -mill BREAK_DETERIORATE TRAVEL SHAPE CAVE_CARVE -cribar BREAK_DETERIORATE CHOOSE ANALYZE SEPARATE_FILTER_DETACH -arremedar SIMULATE -mime SIMULATE SIGN -mimic SIMULATE -pantomime SIGN -mimeo INCREASE_ENLARGE_MULTIPLY -mimeograph INCREASE_ENLARGE_MULTIPLY -mince CUT REDUCE_DIMINISH TRAVEL -desmenuzar CUT -hacher CUT -caminar_con_afectación TRAVEL -estar_ofendido OFFEND_DISESTEEM -estar_molesto OFFEND_DISESTEEM -mine PUT_APPLY_PLACE_PAVE EXTRACT -extraer_minerales EXTRACT -minéraliser CONVERT -mineralize CONVERT -enzarzarse PARTICIPATE QUARREL_POLEMICIZE -miniar PAINT -rubricate PAINT WRITE EXPLAIN RECORD -rubricar PAINT EXPLAIN -miniate PAINT -miniaturizar PAINT -miniaturise PAINT -miniaturize PAINT -minister HELP_HEAL_CARE_CURE WORK -prêtre HELP_HEAL_CARE_CURE WORK -pastorear WATCH_LOOK-OUT ACCOMPANY WORK -minstrel CELEBRATE_PARTY -mud DIRTY COVER_SPREAD_SURMOUNT -embarrarse DIRTY -mirror REFLECT SEEM -misaddress MISTAKE -aconsejar_mal INFORM -dar_mal_consejo INFORM -misadvise INFORM -misalign ADJUST_CORRECT -aliarse_mal ALLY_ASSOCIATE_MARRY -misally ALLY_ASSOCIATE_MARRY -misapply APPLY -misdemean BEHAVE -misbehave BEHAVE -misconduct BEHAVE MANAGE -misbelieve BELIEVE -misestimate CALCULATE_ESTIMATE SUBJECTIVE-JUDGING -calcular_mal CALCULATE_ESTIMATE -miscalculate CALCULATE_ESTIMATE SUBJECTIVE-JUDGING -miscall NAME -misname NAME -malparir EXCRETE -miscast CHOOSE -miscegenate ALLY_ASSOCIATE_MARRY -mismanage MANAGE -miscount COUNT -miscreate CREATE_MATERIALIZE -misdate LOCATE-IN-TIME_DATE -misdeal CIRCULATE_SPREAD_DISTRIBUTE -repartir_mal GIVE_GIFT -misdeliver GIVE_GIFT -entregar_mal GIVE_GIFT -misdo MISTAKE -fastidiarla MISTAKE -misfire FAIL_LOSE -calibrar_incorrectamente MEASURE_EVALUATE -misgauge MEASURE_EVALUATE -misgive CAUSE-MENTAL-STATE -misgovern LEAD_GOVERN -misidentify MISTAKE -desinformar DECEIVE -misinform DECEIVE -misread READ INTERPRET -misjudge SUBJECTIVE-JUDGING -malcasarse ALLY_ASSOCIATE_MARRY -mismarry ALLY_ASSOCIATE_MARRY -mismatch MATCH -mismate BEFRIEND -percibir_mal PERCEIVE -misperceive PERCEIVE -misplay PLAY_SPORT/GAME PERFORM -imprimir_mal PRINT -misprint PRINT -misspeak PRONOUNCE -mispronounce PRONOUNCE -misquote SPEAK -misremember REMEMBER -louper MISS_OMIT_LACK -rater MISS_OMIT_LACK -añorar REMEMBER CAUSE-MENTAL-STATE -extrañar CAUSE-MENTAL-STATE -deletrear_mal SPEAK -misspell SPEAK -misspend SPEND-TIME_PASS-TIME WASTE -misstate SPEAK -mist_over COVER_SPREAD_SURMOUNT -mistime MEASURE_EVALUATE -traducir_mal TRANSLATE -mistranslate TRANSLATE -miter ASSIGN-smt-to-smn MOUNT_ASSEMBLE_PRODUCE JOIN_CONNECT -otorgar_una_mitra ASSIGN-smt-to-smn -hacer_ingletes MOUNT_ASSEMBLE_PRODUCE -barajar MESS -shuffle MESS MOVE-ONESELF GO-FORWARD -stump REMOVE_TAKE-AWAY_KIDNAP CAUSE-MENTAL-STATE TRAVEL -escarnecer JOKE -mock_up MOUNT_ASSEMBLE_PRODUCE -model PLAN_SCHEDULE MOUNT_ASSEMBLE_PRODUCE SIMULATE WORK -tomar_como_modelo PLAN_SCHEDULE -inspirarse_en PLAN_SCHEDULE -pattern PLAN_SCHEDULE SHAPE -posture BEHAVE WORK -overhaul AMELIORATE OVERCOME_SURPASS -reacondicionar LOAD_PROVIDE_CHARGE_FURNISH AMELIORATE -remojarse WET DIP_DIVE -monetize AUTHORIZE_ADMIT -monetise AUTHORIZE_ADMIT -monetizar AUTHORIZE_ADMIT -mestizar COMBINE_MIX_UNITE -mongrelise COMBINE_MIX_UNITE -mongrelize COMBINE_MIX_UNITE -monitor WATCH_LOOK-OUT -surveiller WATCH_LOOK-OUT -soliloquiar SPEAK -soliloquise SPEAK -monologuise SPEAK -monologar SPEAK -soliloquize SPEAK -monologuize SPEAK -monopolise MANAGE POSSESS -monopolizar MANAGE POSSESS -monopolize MANAGE POSSESS -monumentalise APPROVE_PRAISE -monumentalize APPROVE_PRAISE -mostrar_el_culo SHOW -moon_around EXIST-WITH-FEATURE EXIST_LIVE -moon_on EXIST_LIVE -musarder_en_rêvassant EXIST-WITH-FEATURE EXIST_LIVE -estar_abatido EXIST-WITH-FEATURE -estar_deprimido EXIST-WITH-FEATURE -mope EXIST-WITH-FEATURE TRAVEL -moon_about EXIST-WITH-FEATURE -estar_pluriempleado WORK -moonlight WORK -moonshine MOUNT_ASSEMBLE_PRODUCE -amarrer SECURE_FASTEN_TIE -mouiller SECURE_FASTEN_TIE -mop FACIAL-EXPRESSION WASH_CLEAN -wipe_up WASH_CLEAN -trapear WASH_CLEAN -hacer_pucheros FACIAL-EXPRESSION -worst DEFEAT -despepitar REMOVE_TAKE-AWAY_KIDNAP DEFEAT -hacer_papilla DEFEAT -mope_around TRAVEL -moralise SPEAK INCREASE_ENLARGE_MULTIPLY INTERPRET -moralize SPEAK INCREASE_ENLARGE_MULTIPLY INTERPRET -sermonize SPEAK -preachify SPEAK -moralizar SPEAK -sermonise SPEAK -morph CHANGE-APPEARANCE/STATE SHAPE -mortar COVER_SPREAD_SURMOUNT -argamasar COVER_SPREAD_SURMOUNT -mortgage LEND -cerrar_con_pestillo JOIN_CONNECT -mortice HOLE_PIERCE JOIN_CONNECT -mortise HOLE_PIERCE JOIN_CONNECT -machihembrar JOIN_CONNECT -mortaiser HOLE_PIERCE JOIN_CONNECT -bailar_slam DANCE -slam_dance DANCE -mosh DANCE -bailar_estilo_mosh DANCE -mothball RETAIN_KEEP_SAVE-MONEY -mothproof PROTECT -parti-color COLOR -motley COLOR DIVERSIFY -variegate DIVERSIFY -diaprer DIVERSIFY -andar_en_lancha MOVE-BY-MEANS-OF -motorboat MOVE-BY-MEANS-OF -mound SHAPE -mound_over MOUNT_ASSEMBLE_PRODUCE AMASS -engastar MOUNT_ASSEMBLE_PRODUCE -mountaineer RAISE -mourn BEHAVE CAUSE-MENTAL-STATE -llevar_duelo BEHAVE -pasar_la_boca TOUCH -mouth TOUCH SPEAK -veerbalizar SPEAK -enternecer CAUSE-MENTAL-STATE CHANGE-APPEARANCE/STATE REDUCE_DIMINISH -mudarse LEAVE_DEPART_RUN-AWAY -reuvbicarse LEAVE_DEPART_RUN-AWAY -move_around TRAVEL OVERCOME_SURPASS -se_déplacer TRAVEL OVERCOME_SURPASS -move_back_and_forth GO-FORWARD -move_in_on CAUSE-MENTAL-STATE MANAGE -move_involuntarily MOVE-ONESELF -move_reflexively MOVE-ONESELF -move_out REMOVE_TAKE-AWAY_KIDNAP LEAVE_DEPART_RUN-AWAY -pass_across TRAVEL -transitar TRAVEL -move_through TRAVEL -transit TURN_CHANGE-DIRECTION LIBERATE_ALLOW_AFFORD TRAVEL -muckrake SHOW -enlodar DIRTY COVER_SPREAD_SURMOUNT -mud-wrestle FIGHT -luchar_en_lodo FIGHT -mudwrestle FIGHT -charco CHANGE-APPEARANCE/STATE -encharcar CHANGE-APPEARANCE/STATE -puddled_mire CHANGE-APPEARANCE/STATE -muddy DIRTY -enlodazar DIRTY -enfangar DIRTY -muddy_up DIRTY -mug STEAL_DEPRIVE -mulch COVER_SPREAD_SURMOUNT -espiciar HEAT -procreate GIVE-BIRTH -reproducirse TRANSMIT GIVE-BIRTH HAPPEN_OCCUR -reproduce SHOW GIVE-BIRTH REPEAT COPY -multiplier INCREASE_ENLARGE_MULTIPLY -munition LOAD_PROVIDE_CHARGE_FURNISH -murk DIM -muscle MOVE-SOMETHING -muscle_into ALLY_ASSOCIATE_MARRY -mushroom GROUP INCREASE_ENLARGE_MULTIPLY -buscar_setas GROUP -muss MESS -tussle FIGHT MESS -mutate CHANGE-APPEARANCE/STATE -mutar CHANGE-APPEARANCE/STATE -mutiny OPPOSE_REBEL_DISSENT -mistificar COMPLEXIFY -mitificar APPROVE_PRAISE INTERPRET -mythicise APPROVE_PRAISE INTERPRET -mythicize APPROVE_PRAISE INTERPRET -mythifier APPROVE_PRAISE INTERPRET -elevar_a_mito APPROVE_PRAISE -convertir_en_mítico APPROVE_PRAISE -mythologize CREATE_MATERIALIZE APPROVE_PRAISE -mythologise CREATE_MATERIALIZE APPROVE_PRAISE -mitologizar APPROVE_PRAISE -harceler PROPOSE -peg HOLE_PIERCE ACHIEVE SECURE_FASTEN_TIE COMPENSATE -pinpoint DECIDE_DETERMINE -identificar_exactamente DECIDE_DETERMINE -peg_down DECIDE_DETERMINE SECURE_FASTEN_TIE -fixer_avec_des_piquets DECIDE_DETERMINE SECURE_FASTEN_TIE -narrow_down DECIDE_DETERMINE FOCUS -pin_down DECIDE_DETERMINE CAGE_IMPRISON ATTACH -namedrop CITE -narcotize GIVE_GIFT -narcotise GIVE_GIFT -narcotizar GIVE_GIFT -chivar INFORM -narrate LOAD_PROVIDE_CHARGE_FURNISH SPEAK -raconter SPEAK -conter SPEAK -narrer SPEAK -recount COUNT SPEAK -nasale SPEAK -nasalize PRONOUNCE -nasalise PRONOUNCE -nasaliser PRONOUNCE -nasalizar PRONOUNCE -nationalise COMMUNIZE CHANGE_SWITCH -nationalize COMMUNIZE CHANGE_SWITCH -nationaliser COMMUNIZE CHANGE_SWITCH -nacionalizar COMMUNIZE -naturalizarse CHANGE-APPEARANCE/STATE -causar_náuseas CAUSE-MENTAL-STATE -turn_one's_stomach CAUSE-MENTAL-STATE -enfermarse CAUSE-MENTAL-STATE HURT_HARM_ACHE -dar_náuseas CAUSE-MENTAL-STATE -nausear CAUSE-MENTAL-STATE HURT_HARM_ACHE -navigate ORIENT GO-FORWARD DIRECT_AIM_MANEUVER -voyage GO-FORWARD -navegar_a_vela GO-FORWARD -sail MOVE-BY-MEANS-OF TRAVEL GO-FORWARD -nazify CHANGE-APPEARANCE/STATE -neutralizarse CONVERT COMPENSATE -délaisser MISS_OMIT_LACK -négliger MISS_OMIT_LACK -talk_terms NEGOTIATE -negotiate NEGOTIATE OVERCOME_SURPASS -nicker MAKE-A-SOUND -hennir MAKE-A-SOUND -whinny MAKE-A-SOUND -whicker MAKE-A-SOUND -neigh MAKE-A-SOUND -relinchar MAKE-A-SOUND -neighbor BORDER -voisin BORDER -neighbour BORDER -nerve PREPARE -steel COVER_SPREAD_SURMOUNT PREPARE -anidar INSERT STAY_DWELL -buscar_nidos GROUP -reunir_nidos GROUP -web SEW -nett CATCH -redar HUNT -net_fish HUNT -urticate HURT_HARM_ACHE -network COMMUNICATE_CONTACT -nibble EAT_BITE -dentellear EAT_BITE -hacer_una_muesca CUT -snick CUT HIT -cortar_ligeramente CUT -acoplarse HAVE-SEX -niquelar COVER_SPREAD_SURMOUNT -nickel COVER_SPREAD_SURMOUNT -nickel-and-dime CONSUME_SPEND AMASS -tacañear CONSUME_SPEND -penny-pinch CONSUME_SPEND -twinge HURT_HARM_ACHE PRESS_PUSH_FOLD -pellizcar CUT HURT_HARM_ACHE PULL PRESS_PUSH_FOLD -tweet MAKE-A-SOUND PRESS_PUSH_FOLD -nitpick CRITICIZE -chinchorrear CRITICIZE -nitratar TREAT-WITH/BY -nitrate TREAT-WITH/BY -nitrifier CONVERT TREAT-WITH/BY -nitrogenize TREAT-WITH/BY -nitrogenise TREAT-WITH/BY -nitrify CONVERT TREAT-WITH/BY -nitrificarse TREAT-WITH/BY -nitrificar CONVERT TREAT-WITH/BY -nod SLEEP EXHAUST SIGN MOVE-ONESELF -asentir_con_la_cabeza SIGN -nolle_pros STOP -nol.pros. STOP -nolle_prosequi STOP -noose SECURE_FASTEN_TIE -normaliser ADJUST_CORRECT -renormalize ADJUST_CORRECT -normalizar ADJUST_CORRECT CHANGE-APPEARANCE/STATE -renormalise ADJUST_CORRECT -normalise ADJUST_CORRECT CHANGE-APPEARANCE/STATE -hocicar TOUCH EXTRACT -aromar ODORIZE SMELL -scent ODORIZE SMELL -olisquear FIND SMELL -sniff_out FIND -scent_out FIND -nose_out FIND -smell_out PERCEIVE FIND -oler ODORIZE FIND SMELL -nosedive FALL_SLIDE-DOWN -snack EAT_BITE -nosh EAT_BITE -grignoter EAT_BITE -notarise VERIFY -escriturar VERIFY -notarize VERIFY -notate WRITE -notch CUT RECORD -hacer_muescas CUT -entallar CUT HARMONIZE PREPARE -take_note SEE -novate RENEW -nucleate CHANGE-APPEARANCE/STATE -nudge TOUCH INCITE_INDUCE -golpear_suavemente TOUCH -dar_un_codazo TOUCH -poke_at TOUCH -numerar WRITE READ -buscar_nueces GROUP -nut GROUP -nutate MOVE-ONESELF -o.d. HURT_HARM_ACHE -overdose HURT_HARM_ACHE -obey OBEY -obfuscate COMPLEXIFY -object REFUSE CRITICIZE -objecter CRITICIZE -obliga_a OBLIGE_FORCE -obsolesce SPOIL -obstinate CONTINUE -obstinarse CONTINUE -obstipate HURT_HARM_ACHE -estar_muy_estreñido HURT_HARM_ACHE -push_out PRESS_PUSH_FOLD -lanzar_fuera PRESS_PUSH_FOLD -thrust_out PRESS_PUSH_FOLD -echar_fuera PRESS_PUSH_FOLD -obtund REDUCE_DIMINISH -occasion CREATE_MATERIALIZE -occidentalizar CHANGE-APPEARANCE/STATE -westernize CHANGE-APPEARANCE/STATE -westernise CHANGE-APPEARANCE/STATE -occidentalise CHANGE-APPEARANCE/STATE -occidentalize CHANGE-APPEARANCE/STATE -odorize ODORIZE -odourise ODORIZE -pique OFFEND_DISESTEEM -offer_up GIVE_GIFT -volunteer SPEAK OFFER WORK -proffer GIVE_GIFT -offrir GIVE_GIFT -officer OBLIGE_FORCE -officialize PUBLISH -officialise PUBLISH -offload TRANSMIT EMPTY_UNLOAD -se_décharger TRANSMIT EMPTY_UNLOAD -unlade EMPTY_UNLOAD -offsaddle REMOVE_TAKE-AWAY_KIDNAP -desensillar REMOVE_TAKE-AWAY_KIDNAP -unsaddle REMOVE_TAKE-AWAY_KIDNAP -desseller REMOVE_TAKE-AWAY_KIDNAP -echar_el_ojo SEE -ogle SEE -aceitar COVER_SPREAD_SURMOUNT -oink MAKE-A-SOUND -bailar_un_paso DANCE -one-step DANCE -seep FLOW -ooze_through FLOW -opacify DIM -opalesce LIGHT_SHINE COLOR -opalizar LIGHT_SHINE COLOR -opalise COLOR CONVERT -opaliser COLOR CONVERT -opalize COLOR CONVERT -open_up LOAD_PROVIDE_CHARGE_FURNISH OPEN BEGIN SPEAK ESTABLISH -poner_en_funcionamiento BEGIN -hacer_disponible LOAD_PROVIDE_CHARGE_FURNISH -iniciarse LOAD_PROVIDE_CHARGE_FURNISH WORK -ouvrir OPEN -operate_on HELP_HEAL_CARE_CURE -réagir REACT UNDERGO-EXPERIENCE OPPOSE_REBEL_DISSENT -react REACT UNDERGO-EXPERIENCE OPPOSE_REBEL_DISSENT -persecute HURT_HARM_ACHE -opsonize CHANGE-APPEARANCE/STATE -optimizar BEHAVE AMELIORATE -optimize BEHAVE AMELIORATE -optimise BEHAVE AMELIORATE -optimar AMELIORATE -optimiser AMELIORATE -pérorer SPEAK -orate SPEAK -discourir SPEAK -orar SPEAK -orbitar TRAVEL -orbit TRAVEL -orb TRAVEL -sindicarse ALLY_ASSOCIATE_MARRY -unionize ALLY_ASSOCIATE_MARRY -agremiar ALLY_ASSOCIATE_MARRY -unionise ALLY_ASSOCIATE_MARRY -orienter ORIENT HARMONIZE DIRECT_AIM_MANEUVER TEACH -orientar ORIENT DIRECT_AIM_MANEUVER -orient ORIENT HARMONIZE DIRECT_AIM_MANEUVER TEACH -se_repérer ORIENT -orientate ORIENT -s'orienter ORIENT -orientarse ORIENT -orientalizar CHANGE-APPEARANCE/STATE -orientalise CHANGE-APPEARANCE/STATE -orientalize CHANGE-APPEARANCE/STATE -originate_in COME-FROM -orphan STEAL_DEPRIVE -dejar_huérfano STEAL_DEPRIVE -ossify CHANGE-APPEARANCE/STATE -rigidify CHANGE-APPEARANCE/STATE -rigidifier CHANGE-APPEARANCE/STATE -osificar CHANGE-APPEARANCE/STATE -out-herod OVERCOME_SURPASS -overbalance COMPENSATE COMPARE -preponderar COMPARE -outbalance COMPARE -preponderate COMPARE -outweigh COMPARE OVERCOME_SURPASS -outbid BID -outbrave OVERCOME_SURPASS RESIST -exceder_en_coraje RESIST -arrostrar RESIST -outcall BID -outclass DOWNPLAY_HUMILIATE -outcrop APPEAR -outshout SHOUT -outdraw EXTRACT -stare_down OVERCOME_SURPASS -outstare OVERCOME_SURPASS -outface OVERCOME_SURPASS -outfight DEFEAT -superar_en_estrategia OVERCOME_SURPASS -outgeneral OVERCOME_SURPASS -outgrow INCREASE_ENLARGE_MULTIPLY OVERCOME_SURPASS -second-guess SUBJECTIVE-JUDGING GUESS -outguess GUESS -outlast OVERCOME_SURPASS -outlive OVERCOME_SURPASS -outmaneuver OVERCOME_SURPASS -outmanoeuvre OVERCOME_SURPASS -outmarch OVERCOME_SURPASS -outmode WORSEN -outnumber OVERCOME_SURPASS -outpace OVERCOME_SURPASS -outplay DEFEAT -outpoint MOVE-ONESELF OVERCOME_SURPASS -outscore OVERCOME_SURPASS -vencer_a OVERCOME_SURPASS -producir_salida GENERATE -output GENERATE -outrange OVERCOME_SURPASS -exceder_en_rango OVERCOME_SURPASS -outrank OVERCOME_SURPASS -outvie FACE_CHALLENGE -outrival FACE_CHALLENGE -outroar OVERCOME_SURPASS -outrun DEFEAT -outsail OVERCOME_SURPASS -outsell OVERCOME_SURPASS -outshine OVERCOME_SURPASS -brillar_más OVERCOME_SURPASS -outsource OBTAIN -externalizar OBTAIN -desuncir REMOVE_TAKE-AWAY_KIDNAP -outspan REMOVE_TAKE-AWAY_KIDNAP -outstay OVERCOME_SURPASS STAY_DWELL -overstay STAY_DWELL -rester_plus_longtemps_que OVERCOME_SURPASS STAY_DWELL -quedarse_más_tiempo OVERCOME_SURPASS -tener_más_aguante OVERCOME_SURPASS -aguantar_más OVERCOME_SURPASS -outvote DEFEAT -ganar_por_mayoría DEFEAT -durar_más OVERCOME_SURPASS -ovenbake COOK -over-correct ADJUST_CORRECT -over-refine EMBELLISH -overrefine EMBELLISH -overachieve ACHIEVE -overbid BID -hervir_excesivamente COOK -overburden BURDEN_BEAR FILL -sobrecargar BURDEN_BEAR BREAK_DETERIORATE FILL PRINT -sobrecapitalizar MEASURE_EVALUATE CALCULATE_ESTIMATE EARN -overcapitalise MEASURE_EVALUATE CALCULATE_ESTIMATE EARN -overcapitalize MEASURE_EVALUATE CALCULATE_ESTIMATE EARN -surcapitaliser MEASURE_EVALUATE CALCULATE_ESTIMATE EARN -overclothe DRESS_WEAR -apabullar OVERCOME_SURPASS -whelm OVERCOME_SURPASS -sweep_over OVERCOME_SURPASS -overpower OVERCOME_SURPASS DEFEAT -overcook COOK -recocerse COOK -surcuire COOK -overcrop GROW_PLOW -overcultivate GROW_PLOW -yermar GROW_PLOW -overcrowd GROUP -agolparse GROUP -overdramatize REPRESENT -overdramatise REPRESENT -sobregirar REMOVE_TAKE-AWAY_KIDNAP -estar_en_descubierto REMOVE_TAKE-AWAY_KIDNAP -overdrive BURDEN_BEAR USE -overuse USE -overstress EMPHASIZE -overemphasize EMPHASIZE -overemphasise EMPHASIZE -overvalue CALCULATE_ESTIMATE -overestimate CALCULATE_ESTIMATE SUBJECTIVE-JUDGING -sobrevalorar CALCULATE_ESTIMATE APPROVE_PRAISE -sobreestimar CALCULATE_ESTIMATE SUBJECTIVE-JUDGING -overrate SUBJECTIVE-JUDGING -sobrestimar SUBJECTIVE-JUDGING -overexert EXHAUST -sobreexplotar USE -overexploit USE -sobreexponerse SHOW -overexpose SHOW -sobreexponer SHOW -surexposer SHOW -overextend EXHAUST -extralimitarse EXHAUST -sobreesforzarse EXHAUST -overstrain EXHAUST -overfatigue EXHAUST -overtire EXHAUST -fatigar_con_exceso EXHAUST -overweary EXHAUST -sobrealimentar NOURISH_FEED -overfeed NOURISH_FEED -sobrellenar FILL -overfill FILL -overfly FLY -overgeneralize INFER -overgeneralise INFER -sobregeneralizar INFER -dépasser OVERCOME_SURPASS -sobrecalentar HEAT -overheat HEAT -recalentar HEAT -recalentarse HEAT -overjoy CAUSE-MENTAL-STATE -overlap OVERLAP -chevaucher MOVE-BY-MEANS-OF OVERLAP -solapar OVERLAP -traslapar OVERLAP -overlie KILL LIE -pasarse_de_listo EXHAUST -vault JUMP -estar_encima LIE -sobrecargarse BREAK_DETERIORATE -pasar_por_alto MISS_OMIT_LACK -overmaster DEFEAT -overpay PAY -sobrepoblado POPULATE -overpopulate POPULATE -overpraise APPROVE_PRAISE -alabar_con_exceso APPROVE_PRAISE -overprice CALCULATE_ESTIMATE -overprint PRINT -print_over PRINT -sobreimprimir PRINT -overproduce MOUNT_ASSEMBLE_PRODUCE -surproduire MOUNT_ASSEMBLE_PRODUCE -sobreproducir MOUNT_ASSEMBLE_PRODUCE -overreact REACT -cabalgar MOVE-BY-MEANS-OF -override COMPENSATE MOVE-BY-MEANS-OF LEAD_GOVERN DEFEAT -overrule DEFEAT -oversew SEW -overshoot SHOOT_LAUNCH_PROPEL OVERCOME_SURPASS -oversimplify SIMPLIFY -oversleep SLEEP -overspecialise WORK -overspecialize WORK -overspend CONSUME_SPEND -excederse_en_gastos CONSUME_SPEND -desparramarse SPILL_POUR COVER_SPREAD_SURMOUNT -overspread COVER_SPREAD_SURMOUNT -overstock RETAIN_KEEP_SAVE-MONEY -sobreabastecer RETAIN_KEEP_SAVE-MONEY -se_claquer EXTEND -se_déchirer EXTEND -se_froisser EXTEND -overstretch EXTEND -overstuff FILL -overtax CHARGE -sobregravar CHARGE -overtrump PLAY_SPORT/GAME -winter SPEND-TIME_PASS-TIME -pasar_el_invierno SPEND-TIME_PASS-TIME -hiverner SPEND-TIME_PASS-TIME -overwinter SPEND-TIME_PASS-TIME -overwrite CANCEL_ELIMINATE -sobrescribir CANCEL_ELIMINATE -ovular MOUNT_ASSEMBLE_PRODUCE -ovulate MOUNT_ASSEMBLE_PRODUCE -devoir INFLUENCE PAY -owe INFLUENCE PAY -deber INFLUENCE PAY -oxidize COMBINE_MIX_UNITE -oxidate COMBINE_MIX_UNITE -oxidise COMBINE_MIX_UNITE -s'oxyder COMBINE_MIX_UNITE -buscar_ostras GROUP -oyster GROUP -ozonise CONVERT -ozonizar CONVERT -ozonar CONVERT -ozonize CONVERT -pace ADJUST_CORRECT MEASURE_EVALUATE MOVE-ONESELF TRAVEL -emballer CAUSE-MENTAL-STATE INSERT -tamp_down PRESS_PUSH_FOLD -apisonar PRESS_PUSH_FOLD HIT -tamp PRESS_PUSH_FOLD -pack_on INCREASE_ENLARGE_MULTIPLY -remar_con_pala SHOOT_LAUNCH_PROPEL MOVE-SOMETHING -remar SHOOT_LAUNCH_PROPEL MOVE-SOMETHING -padlock SECURE_FASTEN_TIE -paganise CHANGE-APPEARANCE/STATE -paganize CHANGE-APPEARANCE/STATE -ser_mensajero WORK -botones WORK -paje WORK -mensajero WORK -paint PAINT -peindre PAINT -palatalize PRONOUNCE -palatalise PRONOUNCE -palatalizar PRONOUNCE -perder_intensidad WEAKEN -palpebrate FACIAL-EXPRESSION -quake MOVE-ONESELF -palsy STOP -panear TRAVEL -pan SEPARATE_FILTER_DETACH TRAVEL CRITICIZE -panoramiquer TRAVEL -pan_out ACHIEVE SEPARATE_FILTER_DETACH -pan_off SEPARATE_FILTER_DETACH -tear_apart CRITICIZE -pan-broil COOK -pan-fry COOK -freír_en_sartén COOK -salir_bien ACHIEVE -pan_roast COOK -asar_en_sartén COOK -pimp LOAD_PROVIDE_CHARGE_FURNISH -procure LOAD_PROVIDE_CHARGE_FURNISH OBTAIN -empanelar EMBELLISH -panhandle ASK_REQUEST -paniquer CAUSE-MENTAL-STATE -panic CAUSE-MENTAL-STATE -entrar_en_pánico CAUSE-MENTAL-STATE -pant-hoot COMMUNICATE_CONTACT -tapisser ENCLOSE_WRAP COVER_SPREAD_SURMOUNT -paper ENCLOSE_WRAP COVER_SPREAD_SURMOUNT -wallpaper COVER_SPREAD_SURMOUNT -par SCORE -troop TRAVEL GO-FORWARD -ir_juntos TRAVEL GO-FORWARD -troupeau TRAVEL GO-FORWARD -promenade TRAVEL -salir_a_caminar TRAVEL -pasado CITE -parrafear CITE -paragraph CITE WORK SEPARATE_FILTER_DETACH -dividir_en_párrafos SEPARATE_FILTER_DETACH -escribir_párrafos WORK -parallel-park PUT_APPLY_PLACE_PAVE -parallelize BORDER -paralelar BORDER -paralizar STOP -paralyze STOP -paralyse STOP -reword SPEAK -paraphrase SPEAK -rephrase SPEAK -parafrasear SPEAK -parcel ENCLOSE_WRAP COVER_SPREAD_SURMOUNT SEPARATE_FILTER_DETACH -parcelar SEPARATE_FILTER_DETACH -dessécher DRY -marchitar DRY SPOIL -flétrir DRY -parch DRY -altérer DRY -pare_down REDUCE_DIMINISH -mondar REMOVE_TAKE-AWAY_KIDNAP CUT REDUCE_DIMINISH -pare REMOVE_TAKE-AWAY_KIDNAP CUT REDUCE_DIMINISH -whittle CUT -parget EMBELLISH -stationner MOVE-SOMETHING -estacionar PUT_APPLY_PLACE_PAVE MOVE-SOMETHING -park PUT_APPLY_PLACE_PAVE MOVE-SOMETHING -aparcar PUT_APPLY_PLACE_PAVE MOVE-SOMETHING -garer MOVE-SOMETHING -se_garer MOVE-SOMETHING -parlamentar DISCUSS -parley DISCUSS -parole LIBERATE_ALLOW_AFFORD -parrot REPEAT -repetir_como_loros REPEAT -parse ANALYZE -analizar_gramaticalmente ANALYZE -partake SHARE EAT_BITE -tomar_parte_en SHARE -partake_in SHARE PARTICIPATE -compartir SHARE SPEAK PARTICIPATE -participar_en SHARE -take_part PARTICIPATE -particularizar EXPLAIN -particularize EXPLAIN -particularise EXPLAIN -partition DIVIDE SEPARATE_FILTER_DETACH -diviser SEPARATE_FILTER_DETACH -sectionner SEPARATE_FILTER_DETACH -partition_off SEPARATE_FILTER_DETACH -partitionner SEPARATE_FILTER_DETACH -particionar SEPARATE_FILTER_DETACH -partner LOAD_PROVIDE_CHARGE_FURNISH ACCOMPANY -fiestar CELEBRATE_PARTY -party CELEBRATE_PARTY -faire_une_passe THROW -hacer_un_pase THROW GIVE_GIFT -hacer_pasar_por DECEIVE -wipe CORRODE_WEAR-AWAY_SCRATCH -formatear CORRODE_WEAR-AWAY_SCRATCH -pasar_por MOVE-SOMETHING -pasteuriser HEAT -pasteurise HEAT -pasterizar HEAT -pasteurizar HEAT -pasteurize HEAT -emparchar CIRCULATE_SPREAD_DISTRIBUTE -patch REPAIR_REMEDY JOIN_CONNECT CIRCULATE_SPREAD_DISTRIBUTE -parchear REPAIR_REMEDY -ajuntar JOIN_CONNECT -patentar SHOW GIVE_GIFT OBTAIN -patent SHOW GIVE_GIFT OBTAIN -hacer_visible SHOW -patinar STOP COVER_SPREAD_SURMOUNT TRAVEL GO-FORWARD -patinise COVER_SPREAD_SURMOUNT -patinate COVER_SPREAD_SURMOUNT -patinize COVER_SPREAD_SURMOUNT -patrullar WATCH_LOOK-OUT -patrol WATCH_LOOK-OUT -police WATCH_LOOK-OUT -patter METEOROLOGICAL MAKE-A-SOUND -pitter-patter METEOROLOGICAL MAKE-A-SOUND -repiquetear MAKE-A-SOUND MOVE-ONESELF -spit METEOROLOGICAL SPEAK HOLE_PIERCE EXCRETE -pattern-bomb ATTACK_BOMB -pave PUT_APPLY_PLACE_PAVE -dar_zarpazos CORRODE_WEAR-AWAY_SCRATCH -paw TOUCH CORRODE_WEAR-AWAY_SCRATCH -payer RESULT_CONSEQUENCE PAY -retribuir PAY -valer_la_pena ACHIEVE -pay_cash PAY -pagar_en_metálico PAY -rembourser PAY -top_out REACH COVER_SPREAD_SURMOUNT RESIGN_RETIRE -peak REACH -peal MAKE-A-SOUND -pearl GROUP -picoter EAT_BITE -smack EXIST-WITH-FEATURE MAKE-A-SOUND HIT TOUCH TASTE -peck_at EAT_BITE -pedicure EMBELLISH -referee SUBJECTIVE-JUDGING WORK -peer_review SUBJECTIVE-JUDGING -peeve CAUSE-MENTAL-STATE -atarugar HOLE_PIERCE -enclavijar HOLE_PIERCE -rain_buckets METEOROLOGICAL -tomber_comme_à_gravelotte METEOROLOGICAL -tomber_des_cordes METEOROLOGICAL -diluviar METEOROLOGICAL -pleuvoir_à_flots METEOROLOGICAL -pleuvoir_à_seaux METEOROLOGICAL -pleuvoir_comme_à_gravelotte METEOROLOGICAL -mouiller_à_siaux METEOROLOGICAL -pleuvoir_à_torrent METEOROLOGICAL -pleuvoir_des_cordes METEOROLOGICAL -pleuvoir_comme_vache_qui_pisse METEOROLOGICAL -llover_a_cántaros METEOROLOGICAL -pleuvoir_à_verse METEOROLOGICAL -gloyer METEOROLOGICAL -pleuvoir_des_hallebardes METEOROLOGICAL -rain_cats_and_dogs METEOROLOGICAL -stream METEOROLOGICAL MOVE-ONESELF EXCRETE LEAVE_DEPART_RUN-AWAY FLOW -pleuvoir_à_boire_debout METEOROLOGICAL -pepper ATTACK_BOMB COOK -penalise PUNISH -punir PUNISH -penalize PUNISH -punish PUNISH -pencil PAINT -hacer_a_lápiz PAINT -pénétrer HAVE-SEX -perforate HOLE_PIERCE -pension_off GIVE_GIFT DISMISS_FIRE-SMN -pension GIVE_GIFT -pensionar GIVE_GIFT DISMISS_FIRE-SMN -mettre_à_la_retraite DECREE_DECLARE RESIGN_RETIRE GIVE_GIFT SPOIL DISMISS_FIRE-SMN -people POPULATE FILL -echar_pimienta COOK -poivrer COOK -salpimentar COOK -peptize CHANGE-APPEARANCE/STATE -peptise CHANGE-APPEARANCE/STATE -walk_about TRAVEL -perambulate VERIFY TRAVEL -emperchar LIE -roost LIE -reposar REST STOP LIE REMAIN PUT_APPLY_PLACE_PAVE INCLUDE-AS -encaramar LIE -percutir HIT -percuss HIT -peregrinate TRAVEL -peregrinar TRAVEL -perennate EXIST_LIVE -punch HOLE_PIERCE HIT -effectuer EMCEE -perfumarse ODORIZE -perfuse WET CIRCULATE_SPREAD_DISTRIBUTE -suffuse COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -perjurar SPEAK -perjure SPEAK -perm SHAPE -permanentar SHAPE -perorate SPEAK FINISH_CONCLUDE_END -peroxide CHANGE-APPEARANCE/STATE -perpetuate CONTINUE -perpetuar CONTINUE -perseverate REACT -hospedarse REMAIN STAY_DWELL -suer EXCRETE -sudar EXCRETE -transpirar EMIT EXCRETE HAPPEN_OCCUR -sweat EXCRETE -perspire EXCRETE -transpirer EXCRETE -sudate EXCRETE -convaincre PERSUADE -persuader PERSUADE -pertubar MESS -peruse ANALYZE -pervaporate CHANGE-APPEARANCE/STATE CONVERT -pestle BREAK_DETERIORATE -pet TOUCH HAVE-SEX -petition ASK_REQUEST -presentar_una_petición ASK_REQUEST -dirigir_una_instancia ASK_REQUEST -phase ADJUST_CORRECT PLAN_SCHEDULE -escalonar PLAN_SCHEDULE MOUNT_ASSEMBLE_PRODUCE -phase_in PLAN_SCHEDULE -introducir_por_etapas PLAN_SCHEDULE -acabar_por_etapas FINISH_CONCLUDE_END -phase_out FINISH_CONCLUDE_END -womanise COURT -filosofar THINK -philosophise THINK -philosophize THINK -phonate SPEAK -fosforescer LIGHT_SHINE -phosphoresce LIGHT_SHINE -fotocopiar COPY -photocopy COPY -xerox COPY -photographier RECORD -fotografiar RECORD -prendre_une_photo RECORD -photograph RECORD -tomar_una_foto RECORD -retratarse RECORD -fotografiarse RECORD -fotosensibilizar AROUSE_WAKE_ENLIVEN -photosensitize AROUSE_WAKE_ENLIVEN -photosensitise AROUSE_WAKE_ENLIVEN -photostat COPY -dar_tirones MANAGE -pull_at MANAGE -pluck_at MANAGE -pelliscar REMOVE_TAKE-AWAY_KIDNAP -pick_off REMOVE_TAKE-AWAY_KIDNAP SHOOT_LAUNCH_PROPEL -pick_over CHOOSE -sieve_out CHOOSE -turn_around TURN_CHANGE-DIRECTION INCREASE_ENLARGE_MULTIPLY -take_a_dare TRY -pick_up_the_gauntlet TRY -picket SECURE_FASTEN_TIE OPPOSE_REBEL_DISSENT -piquetear OPPOSE_REBEL_DISSENT -pickle PRESERVE -encurtir PRESERVE -picnic EAT_BITE -ir_de_picnic EAT_BITE -hacer_picnic EAT_BITE -wanton_away SPEND-TIME_PASS-TIME CONSUME_SPEND -piddle_away SPEND-TIME_PASS-TIME -reensamblar COMBINE_MIX_UNITE -piece-dye COLOR -pierce HOLE_PIERCE CAUSE-MENTAL-STATE CUT MAKE-A-SOUND -chapurrar BEHAVE -chamullar BEHAVE -chacharear BEHAVE -pig_it EXIST-WITH-FEATURE -pigeonhole PUT_APPLY_PLACE_PAVE SORT_CLASSIFY_ARRANGE -impresión SORT_CLASSIFY_ARRANGE -esteriotipar SORT_CLASSIFY_ARRANGE -encasillar SORT_CLASSIFY_ARRANGE -estereotipar SORT_CLASSIFY_ARRANGE -estereotipo SORT_CLASSIFY_ARRANGE -stereotype SORT_CLASSIFY_ARRANGE -piggyback HARMONIZE RAISE CARRY_TRANSPORT MOVE-BY-MEANS-OF -ir_a_cuestas MOVE-BY-MEANS-OF -transportar_en_vagones CARRY_TRANSPORT -pigment COLOR -pigmentar COLOR -pigmentarse COLOR -empicotar PUNISH -pillow REST -pin_up ATTACH -desmochar CUT -vellicate AROUSE_WAKE_ENLIVEN HURT_HARM_ACHE -velicar HURT_HARM_ACHE -hacer_presente COMMUNICATE_CONTACT -maniatar STOP -pinion CUT STOP -cortar_las_alas CUT -pinkify COLOR -encumbrar RAISE -pinnacle RAISE COVER_SPREAD_SURMOUNT -pipe MAKE-A-SOUND PERFORM CARRY_TRANSPORT EMBELLISH -transportar_por_oleoducto CARRY_TRANSPORT -adornar_con_ribete EMBELLISH -pipe_up MAKE-A-SOUND PERFORM -shrill MAKE-A-SOUND -shriek MAKE-A-SOUND -se_faire_entendre MAKE-A-SOUND PERFORM -pipe-clay WASH_CLEAN -blanquear_con_albero WASH_CLEAN -pipe_in CARRY_TRANSPORT -pirouette PERFORM -piruetear PERFORM -pistol-whip HIT -pith REMOVE_TAKE-AWAY_KIDNAP -pivotar MOVE-ONESELF -pivot MOVE-ONESELF -swivel MOVE-ONESELF -station PUT_APPLY_PLACE_PAVE -place-kick SCORE HIT -place_down LIE -ponerse_de_pie PUT_APPLY_PLACE_PAVE STAY_DWELL -poner_de_pie PUT_APPLY_PLACE_PAVE STAY_DWELL -place_upright PUT_APPLY_PLACE_PAVE -plane CUT FLATTEN_SMOOTHEN MOVE-ONESELF -plank_over COVER_SPREAD_SURMOUNT -plank_down DROP -plonk_down DROP -splosh WET MAKE-A-SOUND TRAVEL -splash MAKE-A-SOUND DIRTY COVER_SPREAD_SURMOUNT TRAVEL WET -splatter SPILL_POUR WET -plash WET WEAVE -emplastar COVER_SPREAD_SURMOUNT -plaster_over COVER_SPREAD_SURMOUNT -empastar ATTACH -escayolar PUT_APPLY_PLACE_PAVE COVER_SPREAD_SURMOUNT -poultice COVER_SPREAD_SURMOUNT -plastificar ADD -plasticize CHANGE-APPEARANCE/STATE ADD -plasticise CHANGE-APPEARANCE/STATE ADD -plastinate PRESERVE -plat REPRESENT -preparar_un_diagrama REPRESENT -plate COVER_SPREAD_SURMOUNT -chapar COVER_SPREAD_SURMOUNT -platinize COVER_SPREAD_SURMOUNT -platitudinize SPEAK -hablar_largamente PERFORM -spiel PERFORM SPEAK -aprovecharse_de PERFORM -poner_en_juego PLAY_SPORT/GAME OPERATE -hacer_de PLAY_SPORT/GAME -replay PLAY_SPORT/GAME PERFORM FACE_CHALLENGE -play_back PERFORM -play_it_by_ear DECIDE_DETERMINE -play_possum PRETEND -hacerse_el_muerto PRETEND -plea-bargain SETTLE_CONCILIATE -plead DECREE_DECLARE ASK_REQUEST JUSTIFY_EXCUSE AFFIRM -plaider DECREE_DECLARE -placer PUT_APPLY_PLACE_PAVE REQUIRE_NEED_WANT_HOPE -pleat PRESS_PUSH_FOLD -plicate PRESS_PUSH_FOLD -plisser PRESS_PUSH_FOLD -plisar PRESS_PUSH_FOLD -dar_la_palabra GUARANTEE_ENSURE_PROMISE -subscribe PAY BUY FOLLOW_SUPPORT_SPONSOR_FUND OFFER WRITE -apuntarse PAY ALLY_ASSOCIATE_MARRY -abonarse BUY PAY -s'abonner BUY PAY -suscribirse BUY PAY -ploc FALL_SLIDE-DOWN -floc FALL_SLIDE-DOWN -plough GROW_PLOW TRAVEL -arar GROW_PLOW -press_on GO-FORWARD -push_on GO-FORWARD -plough_on GO-FORWARD -abrirse_camino GO-FORWARD -plug CLOSE CONTINUE HIT PUBLICIZE INSERT -cogner HIT -taper TYPE SHARPEN REDUCE_DIMINISH HIT -stop_up CLOSE -taponar CLOSE -aplomar ADJUST_CORRECT MEASURE_EVALUATE -plumb SEARCH MEASURE_EVALUATE BURDEN_BEAR ADJUST_CORRECT -decorar_con_plumas EMBELLISH -caer_a_plomo REDUCE_DIMINISH -plummet REDUCE_DIMINISH -plump_in ARRIVE -pluralize SIGNAL_INDICATE -pluralise SIGNAL_INDICATE -poach HUNT COOK -escalfar COOK -cazar_furtivamente HUNT -pockmark HURT_HARM_ACHE -pod REMOVE_TAKE-AWAY_KIDNAP GROW_PLOW -podcast TRANSMIT -poetize CREATE_MATERIALIZE -versify CREATE_MATERIALIZE -poetizar CREATE_MATERIALIZE -versificar CREATE_MATERIALIZE -poetise CREATE_MATERIALIZE -repoint REPAIR_REMEDY -rejuntar REPAIR_REMEDY -ahusar SHARPEN -point_jam STOP -point_the_way SIGNAL_INDICATE -point_up EMPHASIZE -golpear_con_dureza HIT -moler_a_palos HIT -atizar MANAGE INCREASE_ENLARGE_MULTIPLY MOVE-SOMETHING -asomar_la_cabeza ENTER -polarize FOLLOW_SUPPORT_SPONSOR_FUND SEPARATE_FILTER_DETACH MOVE-SOMETHING -polarizar FOLLOW_SUPPORT_SPONSOR_FUND SEPARATE_FILTER_DETACH MOVE-SOMETHING -polarise FOLLOW_SUPPORT_SPONSOR_FUND SEPARATE_FILTER_DETACH MOVE-SOMETHING -pole REMOVE_TAKE-AWAY_KIDNAP SHOOT_LAUNCH_PROPEL STABILIZE_SUPPORT-PHYSICALLY -empujar_con_pértiga SHOOT_LAUNCH_PROPEL -navegar_con_pértiga SHOOT_LAUNCH_PROPEL -cortar_con_alabarda KNOCK-DOWN -poleax KNOCK-DOWN -poleaxe KNOCK-DOWN -polemise QUARREL_POLEMICIZE -polemize QUARREL_POLEMICIZE -polemicize QUARREL_POLEMICIZE -polemicise QUARREL_POLEMICIZE -polir WASH_CLEAN -lustrer WASH_CLEAN -smooth FLATTEN_SMOOTHEN UNFASTEN_UNFOLD WASH_CLEAN -smoothen FLATTEN_SMOOTHEN WASH_CLEAN -politicise CHANGE_SWITCH -politizar CHANGE_SWITCH -politicize CHANGE_SWITCH -politick CARRY-OUT-ACTION -politiquear CARRY-OUT-ACTION -bailar_polca DANCE -polka DANCE -pollard CUT -dar_el_voto CHOOSE -polychrome COLOR -policromar COLOR -polychromise COLOR -polychromize COLOR -polymerise CONVERT -polymerize CONVERT -polimerizar CONVERT -polymériser CONVERT -pomade PUT_APPLY_PLACE_PAVE -pompadour CUT -poniard HURT_HARM_ACHE -pontificar LEAD_GOVERN SPEAK -pontifier LEAD_GOVERN SPEAK -pontificate LEAD_GOVERN SPEAK -pooch_out FACIAL-EXPRESSION -pooch FACIAL-EXPRESSION -pool GROUP COMBINE_MIX_UNITE -mancomunar COMBINE_MIX_UNITE -hacer_pum MAKE-A-SOUND -dar_un_golpecito HIT -pop_in ENTER -porcelainize COVER_SPREAD_SURMOUNT -port TURN_CHANGE-DIRECTION CARRY_TRANSPORT DRINK LAND_GET-OFF ADJUST_CORRECT -llevar_en_bandolera CARRY_TRANSPORT -mostrarse PUT_APPLY_PLACE_PAVE -postpose PUT_APPLY_PLACE_PAVE -pot PUT_APPLY_PLACE_PAVE -enmacetar PUT_APPLY_PLACE_PAVE -empoter PUT_APPLY_PLACE_PAVE -potentiate INCREASE_ENLARGE_MULTIPLY -potter_around TRAVEL -putter_around TRAVEL -pounce GO-FORWARD -swoop CATCH GO-FORWARD -pound_off SEPARATE_FILTER_DETACH -pound_up RESTRAIN -teem EXIST-WITH-FEATURE LEAVE_DEPART_RUN-AWAY -hormiguear EXIST-WITH-FEATURE LEAVE_DEPART_RUN-AWAY -swarm EXIST-WITH-FEATURE LEAVE_DEPART_RUN-AWAY -throw_cold_water_on CAUSE-MENTAL-STATE -pour_cold_water_on CAUSE-MENTAL-STATE -derramarse SPILL_POUR EXCRETE -pour_forth EXCRETE -spill_out LEAVE_DEPART_RUN-AWAY -polvorizarse BREAK_DETERIORATE -powder BREAK_DETERIORATE PUT_APPLY_PLACE_PAVE -powderize BREAK_DETERIORATE DESTROY -powderise BREAK_DETERIORATE DESTROY -empolvar PUT_APPLY_PLACE_PAVE -empolvarse PUT_APPLY_PLACE_PAVE -power OPERATE -realizar_un_picado FALL_SLIDE-DOWN -power-dive FALL_SLIDE-DOWN -powerwash WASH_CLEAN -pressure-wash WASH_CLEAN -powwow SPEAK -rehearse TRY -praise APPROVE_PRAISE -caer_violentamente HIT -prang HIT -prank DRESS_WEAR EMBELLISH -engalanarse DRESS_WEAR -prawn HUNT -prophesy TEACH GUESS -preamble BEGIN -prologar SPEAK BEGIN -prearrange PLAN_SCHEDULE -preadaptar PLAN_SCHEDULE -prefabricar MOUNT_ASSEMBLE_PRODUCE -preassemble MOUNT_ASSEMBLE_PRODUCE -prefabricate MOUNT_ASSEMBLE_PRODUCE -préfabriquer MOUNT_ASSEMBLE_PRODUCE -precess MOVE-ONESELF -abalanzar THROW -precis SUMMARIZE -preconcebir IMAGINE -preconceive IMAGINE -precondition PREPARE -precocinar COOK -precook COOK -predecease KILL -predigerir EAT_BITE -predigest EAT_BITE -predispose PREPARE -preexist EXIST_LIVE -preexistir EXIST_LIVE -préférer LIKE -prefijo_de_número_de ATTACH -prefix ATTACH -prefijarse ATTACH -prefijar ATTACH -preform SHAPE -préformer SHAPE -preheat HEAT -precalentar HEAT PREPARE -preisolate ISOLATE -aislar_previamente ISOLATE -prejudge SUBJECTIVE-JUDGING -prejudice EXIST-WITH-FEATURE INFLUENCE -prepossess CAUSE-MENTAL-STATE INFLUENCE POSSESS -prelude PERFORM PRECEDE -préluder_à PERFORM PRECEDE -preludiar PRECEDE -préméditer PLAN_SCHEDULE THINK -premeditate PLAN_SCHEDULE THINK -premeditar PLAN_SCHEDULE -premier SHOW PERFORM -premiere SHOW PERFORM -donner_la_première_de SHOW PERFORM -premiss SUPPOSE -preoccupy CAUSE-MENTAL-STATE CONQUER -préoccuper CAUSE-MENTAL-STATE CONQUER -prepay PAY -prepose PUT_APPLY_PLACE_PAVE -pregrabar RECORD -prerecord RECORD -saluer APPROVE_PRAISE WELCOME -poner_en_escena PERFORM -soumettre GIVE_GIFT SEND -preside MANAGE -prensar PRESS_PUSH_FOLD -weightlift RAISE -levantar_pesas RAISE -weight-lift RAISE -pressure-cook COOK -pressurize EXIST-WITH-FEATURE INCREASE_ENLARGE_MULTIPLY -pressurise EXIST-WITH-FEATURE INCREASE_ENLARGE_MULTIPLY -presurizar EXIST-WITH-FEATURE -presuppose SUPPOSE REQUIRE_NEED_WANT_HOPE -pretermitir MISS_OMIT_LACK -s'imposer WIN -preview SEE -cotizar CALCULATE_ESTIMATE -price CALCULATE_ESTIMATE -prickle HOLE_PIERCE HURT_HARM_ACHE -punchar HOLE_PIERCE -punzar HOLE_PIERCE BURDEN_BEAR HURT_HARM_ACHE -tingle HURT_HARM_ACHE -pride_oneself CAUSE-MENTAL-STATE -take_pride CAUSE-MENTAL-STATE -prim PRESS_PUSH_FOLD EMBELLISH -précieux PRESS_PUSH_FOLD EMBELLISH -prim_up EMBELLISH -prim_out EMBELLISH -fruncir_los_labios FACIAL-EXPRESSION PRESS_PUSH_FOLD -prioritise LOCATE-IN-TIME_DATE -prioritize LOCATE-IN-TIME_DATE -priorizar LOCATE-IN-TIME_DATE -dar_prioridad LOCATE-IN-TIME_DATE -sonsacar ASK_REQUEST OBTAIN -privatiser SELL -privatize SELL -privatise SELL -prizefight FIGHT -probate LIBERATE_ALLOW_AFFORD PROVE -swear_out SUMMON -alisar FLATTEN_SMOOTHEN PREPARE UNFASTEN_UNFOLD EMBELLISH WASH_CLEAN -work_on WORK SHAPE -procrastinar DELAY -professionalise CONVERT LEARN -professionalize CONVERT LEARN -profesionalizar CONVERT -profile PAINT REPRESENT -hacer_un_perfil REPRESENT -turn_a_profit EARN -profiteer BENEFIT_EXPLOIT -programme PLAN_SCHEDULE CREATE_MATERIALIZE -program PLAN_SCHEDULE CREATE_MATERIALIZE -prolapse BULGE-OUT -prolapsar BULGE-OUT -proliferate INCREASE_ENLARGE_MULTIPLY -prologise SPEAK -prologize SPEAK -prologuize SPEAK -pronate TURN_CHANGE-DIRECTION -pronk JUMP -proof WORK CHANGE-APPEARANCE/STATE PROVE VERIFY STRENGTHEN_MAKE-RESISTANT -sacar_una_muestra PROVE -proofread VERIFY -hacer_resistente STRENGTHEN_MAKE-RESISTANT -impermeabilizar STRENGTHEN_MAKE-RESISTANT -shore_up STABILIZE_SUPPORT-PHYSICALLY -prop STABILIZE_SUPPORT-PHYSICALLY -prop_up STABILIZE_SUPPORT-PHYSICALLY -propagandise PUBLISH PUBLICIZE -propagandize PUBLISH PUBLICIZE -hacer_propaganda PUBLICIZE -profetar GUESS -vaticiner GUESS -vaticinate GUESS -proportion ADJUST_CORRECT HARMONIZE -proportionner ADJUST_CORRECT -tirar_los_tejos PROPOSE -insinuarse PROPOSE -proposition PROPOSE -propound PROPOSE -prorate DIVIDE SETTLE_CONCILIATE -distribuer_au_prorata DIVIDE SETTLE_CONCILIATE -hacer_prosélitos CO-OPT -proselytise CO-OPT -proselytize CO-OPT -ganar_prosélitos CO-OPT -prospectar SEARCH -prospect SEARCH -prospecter SEARCH -prostituir ACHIEVE HAVE-SEX WORK -prostitute WORK -protect PROTECT -guarecer PROTECT -sauveguarder PROTECT -protuberate BULGE-OUT -prove_oneself SHOW -probarse SHOW SEEM -provision LOAD_PROVIDE_CHARGE_FURNISH -purvey LOAD_PROVIDE_CHARGE_FURNISH -arpenter TRAVEL -rôder TRAVEL -cantar_salmos SING -psalm SING -cracher EXCRETE -saliva EXCRETE -esputar EXCRETE -ptyalise EXCRETE -ptyalize EXCRETE -imprimer PUBLISH -ruck_up PRESS_PUSH_FOLD -ruck PRESS_PUSH_FOLD -pudelar PLAY_SPORT/GAME COMBINE_MIX_UNITE -whiff CARRY_TRANSPORT SPEAK DRIVE-BACK BREATH_BLOW SMELL -rip CUT TRAVEL CRITICIZE -rend CUT -déchirer CUT -decantarse FOLLOW_SUPPORT_SPONSOR_FUND -root_for FOLLOW_SUPPORT_SPONSOR_FUND -shlep PULL TRAVEL -pull_along PULL -schlep PULL -pull_one's_weight WORK -pull_out_all_the_stops USE -pull_over TURN_CHANGE-DIRECTION -pull_the_plug STOP -frenar_en_seco STOP -pull_up_short STOP -pulp REMOVE_TAKE-AWAY_KIDNAP CHANGE-APPEARANCE/STATE -pulse EMIT MOVE-ONESELF MOVE-SOMETHING -throb MOVE-ONESELF -pumice CORRODE_WEAR-AWAY_SCRATCH -pump LOAD_PROVIDE_CHARGE_FURNISH REMOVE_TAKE-AWAY_KIDNAP MOVE-SOMETHING ASK_REQUEST ATTRACT_SUCK PRESS_PUSH_FOLD SHOOT_LAUNCH_PROPEL FLOW -pun JOKE -pup GIVE-BIRTH -whelp GIVE-BIRTH -pupate CHANGE-APPEARANCE/STATE -volver_puré CORRODE_WEAR-AWAY_SCRATCH -puree CORRODE_WEAR-AWAY_SCRATCH -sough MAKE-A-SOUND -tejer_del_revés SEW -purl_stitch SEW -purse FACIAL-EXPRESSION PRESS_PUSH_FOLD -push_away MOVE-SOMETHING -push_up PRESS_PUSH_FOLD -put_aside CANCEL_ELIMINATE USE -tuck_in EAT_BITE -tuck_away EAT_BITE -put_to_sleep SLEEP KILL -endormir SLEEP KILL -volver_a_poner RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -rebuter CAUSE-MENTAL-STATE -dégoûter CAUSE-MENTAL-STATE -sacar_de_sí TRY -expulsado DEFEAT -put_out_feelers SEARCH -hacer_dormir SLEEP -put_to_work WORK -putrefy SPOIL -putt HIT -tirar_al_hoyo HIT -putty PUT_APPLY_PLACE_PAVE -puzzle_over THINK -pyramid INCREASE_ENLARGE_MULTIPLY SORT_CLASSIFY_ARRANGE EARN USE -amontonar_en_pirámide SORT_CLASSIFY_ARRANGE -cancaner MAKE-A-SOUND -quack MAKE-A-SOUND DECEIVE -faire_coin-coin MAKE-A-SOUND -encomiar DECEIVE -cuadruplicarse INCREASE_ENLARGE_MULTIPLY -cuadruplicar INCREASE_ENLARGE_MULTIPLY -quadruple INCREASE_ENLARGE_MULTIPLY -cuadriplicar INCREASE_ENLARGE_MULTIPLY -quadruplicate INCREASE_ENLARGE_MULTIPLY -tremor MOVE-ONESELF -quantise CALCULATE_ESTIMATE APPLY -quantifier CALCULATE_ESTIMATE APPLY -quantize CALCULATE_ESTIMATE APPLY -poner_en_cuarentena ISOLATE -quarantine ISOLATE -quarry EXTRACT -dividir_en_cuartos DIVIDE -diviser_en_quatre DIVIDE -quarterback WORK -quaver MAKE-A-SOUND SING -triller PRONOUNCE SING -trill PRONOUNCE SING -queen CHANGE-APPEARANCE/STATE AMELIORATE -hacer_dama AMELIORATE -hacer_reina AMELIORATE -query ASK_REQUEST -whet SHARPEN AROUSE_WAKE_ENLIVEN -quickstep DANCE -quilt SEW -coser SECURE_FASTEN_TIE SEW -quintuplicar INCREASE_ENLARGE_MULTIPLY -quintuple INCREASE_ENLARGE_MULTIPLY -quirk TURN_CHANGE-DIRECTION -quiz VERIFY -rabbet CUT JOIN_CONNECT -machimbrar JOIN_CONNECT -rabbit HUNT -cazar_conejos HUNT -echar_una_carrera COMPETE -ratchet MOVE-ONESELF -rachet_up MOVE-ONESELF -ratchet_down MOVE-ONESELF -single-foot RUN -trasegar REMOVE_TAKE-AWAY_KIDNAP -devanarse EXHAUST -torturar_con_potro HURT_HARM_ACHE -dar_potro HURT_HARM_ACHE -racketeer DECEIVE -raddle COLOR WEAVE -ruddle COLOR WEAVE -radicalizar CHANGE-APPEARANCE/STATE -radicalize CHANGE-APPEARANCE/STATE -radio TRANSMIT -llamar_por_radio TRANSMIT -radiolocate FIND -rifar OFFER -raffle_off OFFER -raffle OFFER -raft CARRY_TRANSPORT TRAVEL SHAPE -hacer_balsas SHAPE -transportar_en_balsa CARRY_TRANSPORT -envigar STABILIZE_SUPPORT-PHYSICALLY -rafter STABILIZE_SUPPORT-PHYSICALLY -rage BEHAVE ATTACK_BOMB EXIST-WITH-FEATURE -ramp BEHAVE LOAD_PROVIDE_CHARGE_FURNISH EXIST-WITH-FEATURE RAISE STAY_DWELL -talus BEHAVE LOAD_PROVIDE_CHARGE_FURNISH EXIST-WITH-FEATURE RAISE STAY_DWELL -vituperar OFFEND_DISESTEEM -vilify OFFEND_DISESTEEM -denostar OFFEND_DISESTEEM -vituperate OFFEND_DISESTEEM -revile OFFEND_DISESTEEM -andar_en_tren MOVE-BY-MEANS-OF -andar_en_ferrocarril MOVE-BY-MEANS-OF -ir_en_tren MOVE-BY-MEANS-OF -proveer_de_rieles PUT_APPLY_PLACE_PAVE -rail_in ENCLOSE_WRAP -rail_off SEPARATE_FILTER_DETACH -enrielar ENCLOSE_WRAP -rain_down METEOROLOGICAL -llover METEOROLOGICAL -rain METEOROLOGICAL -suspender_por_lluvia STOP -rain_out STOP -wash_out REMOVE_TAKE-AWAY_KIDNAP EXHAUST STOP DESTROY WASH_CLEAN -resurrect AROUSE_WAKE_ENLIVEN MOVE-BACK -upraise AROUSE_WAKE_ENLIVEN -recoltar GROUP -raise_the_roof CAUSE-MENTAL-STATE -rake_in EARN -rake_off EARN -rake_up SHOW -desnivelar LOAD_PROVIDE_CHARGE_FURNISH -actuar_violentamente BEHAVE -alborotarse BEHAVE -rampage BEHAVE -ranch WORK -randomize MESS -randomise MESS -aleatorizar MESS -straddle REFUSE COVER_SPREAD_SURMOUNT LIE -ransom PAY -sutilizar ADJUST_CORRECT AMELIORATE DISTINGUISH_DIFFER -subtilize ADJUST_CORRECT AMELIORATE DISTINGUISH_DIFFER -subtiliser ADJUST_CORRECT AMELIORATE DISTINGUISH_DIFFER -rasp SPEAK CORRODE_WEAR-AWAY_SCRATCH -rasterize CONVERT -rasterizar CONVERT -chaquetear LEAVE_DEPART_RUN-AWAY -contratar_esquiroles HIRE -cazar_ratas HUNT -ratify APPROVE_PRAISE -ratifier APPROVE_PRAISE -ratiocinate INFER -racionar RESTRAIN CIRCULATE_SPREAD_DISTRIBUTE -ration_out CIRCULATE_SPREAD_DISTRIBUTE -ration RESTRAIN CIRCULATE_SPREAD_DISTRIBUTE -rationner RESTRAIN CIRCULATE_SPREAD_DISTRIBUTE -rationalise_away INTERPRET -rationalize_away INTERPRET -rattle MAKE-A-SOUND MOVE-ONESELF -matraquear MAKE-A-SOUND -spiel_off SPEAK -rattle_down SPEAK -roll_off SPEAK -rattle_off SPEAK -reel_off ROLL SPEAK -desintrincar SOLVE -develar SOLVE -ravel_out SOLVE -unravel RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND SOLVE -rapiñar OBTAIN STEAL_DEPRIVE -atiborrar EAT_BITE ENJOY -despedir_rayos EMIT -afeitar_a_navaja CUT -razor CUT -re-address PUT_APPLY_PLACE_PAVE -re-afforest GROW_PLOW -re-argue EXPLAIN -reargumentar EXPLAIN -rearm LOAD_PROVIDE_CHARGE_FURNISH -re-arm LOAD_PROVIDE_CHARGE_FURNISH -rearmar LOAD_PROVIDE_CHARGE_FURNISH -re-assume CHANGE-APPEARANCE/STATE -reappear APPEAR -resurgir APPEAR -re-emerge APPEAR -reaparecer APPEAR -dar_nuevo_énfasis EMPHASIZE -re-emphasise EMPHASIZE -re-emphasize EMPHASIZE -hacer_nuevo_énfasis EMPHASIZE -re-enter ENTER -reentrar ENTER -rejig LOAD_PROVIDE_CHARGE_FURNISH -reequipar LOAD_PROVIDE_CHARGE_FURNISH ADJUST_CORRECT -re-equip LOAD_PROVIDE_CHARGE_FURNISH -re-examine ASK_REQUEST -reinterpretar INTERPRET -reinterpret INTERPRET -réinterpréter INTERPRET -re-explain INTERPRET -reexplorar SEARCH -re-explore SEARCH -re-incorporate COMBINE_MIX_UNITE -reintroduce KNOW -volver_a_presentar KNOW -re-introduce KNOW -restart START-FUNCTIONING CONTINUE -re-start START-FUNCTIONING CONTINUE -réactiver START-FUNCTIONING -resume RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND SUMMARIZE CONTINUE -reanudar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND CONTINUE -retomar CATCH RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND SUMMARIZE CONTINUE -recommencer BEGIN CONTINUE -redémarrer CONTINUE -curriculum_vitae CONTINUE -resorb ABSORB -reabsorb ABSORB -resorber ABSORB -efforcer EXHAUST -esforzar EXHAUST -reach_into FIND -reach_one's_nostrils ODORIZE -reacquaint LEARN -volver_a_familiarizarse LEARN -reactivate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reactivar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND CONTINUE -lire READ -leerse READ -digamos CITE DECREE_DECLARE -read_between_the_lines INTERPRET -readaptarse HARMONIZE -readapt HARMONIZE -reajustar ADJUST_CORRECT HARMONIZE -reajustarse HARMONIZE -readjust ADJUST_CORRECT HARMONIZE -reset ADJUST_CORRECT RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -réadmettre AUTHORIZE_ADMIT -readmit AUTHORIZE_ADMIT -readmitir AUTHORIZE_ADMIT -reaffirm AFFIRM -realine ADJUST_CORRECT -realinear ADJUST_CORRECT -realign ADJUST_CORRECT -réaffecter CIRCULATE_SPREAD_DISTRIBUTE -redistribuer SORT_CLASSIFY_ARRANGE CIRCULATE_SPREAD_DISTRIBUTE -réassigner CIRCULATE_SPREAD_DISTRIBUTE -réallouer CIRCULATE_SPREAD_DISTRIBUTE -réattribuer CIRCULATE_SPREAD_DISTRIBUTE -reallocate CIRCULATE_SPREAD_DISTRIBUTE -reapportion CIRCULATE_SPREAD_DISTRIBUTE -reallot CIRCULATE_SPREAD_DISTRIBUTE -reasignar CIRCULATE_SPREAD_DISTRIBUTE -ream REMOVE_TAKE-AWAY_KIDNAP INCREASE_ENLARGE_MULTIPLY EXTRACT -reappraise MEASURE_EVALUATE -reevaluar MEASURE_EVALUATE -empinarse RAISE -rear-end HIT -dar_por_detrás HIT -rear_back RAISE OPPOSE_REBEL_DISSENT -encabritarse RAISE OPPOSE_REBEL_DISSENT -rearmarse LOAD_PROVIDE_CHARGE_FURNISH -reordenar SORT_CLASSIFY_ARRANGE -rearrange SORT_CLASSIFY_ARRANGE -reorganizar ESTABLISH MESS SORT_CLASSIFY_ARRANGE ORGANIZE -reassail ATTACK_BOMB -volver_a_agredir ATTACK_BOMB -reassemble MOUNT_ASSEMBLE_PRODUCE -reassess MEASURE_EVALUATE -reevaluate MEASURE_EVALUATE -reassign ASSIGN-smt-to-smn -reattribute ASCRIBE -reawaken AROUSE_WAKE_ENLIVEN -rebate JOIN_CONNECT DEBASE_ADULTERATE CAVE_CARVE -sublevarse OPPOSE_REBEL_DISSENT -renegade OPPOSE_REBEL_DISSENT -reencuadernar REPAIR_REMEDY -rebind REPAIR_REMEDY -rebroadcast TRANSMIT -rerun TRANSMIT OPERATE PERFORM COMPETE -rediffuser TRANSMIT -retransmettre TRANSMIT -rabrouer REFUSE -reconstruire MOUNT_ASSEMBLE_PRODUCE -rebuild MOUNT_ASSEMBLE_PRODUCE -reenterrar BURY_PLANT -rebury BURY_PLANT -recalcitrate RESIST -recalcular CALCULATE_ESTIMATE -recalculate CALCULATE_ESTIMATE -recap SUMMARIZE -recapitulate SUMMARIZE REPEAT -recapitular SUMMARIZE -reprize REPEAT -reprise REPEAT -recapturar CATCH FEEL REPEAT -retake CATCH RECORD CONQUER -recaptutar CATCH REPEAT -recapture CATCH FEEL CONQUER REPEAT -remodelar MOUNT_ASSEMBLE_PRODUCE ADJUST_CORRECT AMELIORATE RENEW EMBELLISH ESTABLISH SHAPE -recast ASSIGN-smt-to-smn MOUNT_ASSEMBLE_PRODUCE RENEW -remodel MOUNT_ASSEMBLE_PRODUCE RENEW -remoldear MOUNT_ASSEMBLE_PRODUCE RENEW -reforjar RENEW -reforge RENEW -remold REPAIR_REMEDY MOUNT_ASSEMBLE_PRODUCE SHAPE -enyesar_otra_vez MOUNT_ASSEMBLE_PRODUCE -remould REPAIR_REMEDY MOUNT_ASSEMBLE_PRODUCE -réceptionner RECEIVE -capter RECEIVE -dar_la_bienvenida WELCOME -accueillir WELCOME -welcome AGREE_ACCEPT HOST_MEAL_INVITE WELCOME -recepcionar HOST_MEAL_INVITE -recharge LOAD_PROVIDE_CHARGE_FURNISH FUEL -reload LOAD_PROVIDE_CHARGE_FURNISH FILL -recargar LOAD_PROVIDE_CHARGE_FURNISH CHARGE FILL FUEL -reciprocate GIVE_GIFT MOVE-SOMETHING -repossess GIVE_GIFT REQUIRE_NEED_WANT_HOPE -reform MOUNT_ASSEMBLE_PRODUCE AMELIORATE HELP_HEAL_CARE_CURE SEPARATE_FILTER_DETACH -regenerate MOUNT_ASSEMBLE_PRODUCE HELP_HEAL_CARE_CURE CREATE_MATERIALIZE INCREASE_ENLARGE_MULTIPLY AMELIORATE RENEW ESTABLISH -reciclar REPEAT USE -reclassify SORT_CLASSIFY_ARRANGE -recumb LIE -recode SORT_CLASSIFY_ARRANGE -recombine ADJUST_CORRECT COMBINE_MIX_UNITE -recombinar COMBINE_MIX_UNITE -recommence BEGIN -recomenzar BEGIN -reconsignar GIVE_GIFT DRIVE-BACK -recommit CARRY-OUT-ACTION GIVE_GIFT DRIVE-BACK -resignarse AGREE_ACCEPT -recondition REPAIR_REMEDY -reconfirm AFFIRM -reconfirmar AFFIRM -reconnoitre SEARCH -scout SEARCH -reconnoiter SEARCH -reconquer CONQUER -reconsagrar COMMUNE -reconsecrate COMMUNE -reconsider CONSIDER -reconsiderar CONSIDER -restructure ORGANIZE -reconstituer HELP_HEAL_CARE_CURE ORGANIZE -reestructurar ORGANIZE -reconstitute ORGANIZE -reconstituir ORGANIZE -restablecer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reconvene MEET -reconvertir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reconvert RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reconvict DECREE_DECLARE -volver_a_condenar DECREE_DECLARE -recondenar DECREE_DECLARE -recopy WRITE -recopiar WRITE -tape ATTACH RECORD -restituirse PAY -reimburse PAY -resarcir PAY -retapizar REPAIR_REMEDY -recriminar ACCUSE REPRIMAND -recriminate ACCUSE -raffiner AMELIORATE -recurve BEND -récuser REFUSE DEBASE_ADULTERATE -recuse REFUSE DEBASE_ADULTERATE -reuse USE -reprocess USE -reusar USE -recycle REPEAT USE -reutilizar USE -red-eye MOVE-BY-MEANS-OF -red-ink COLOR -enrojecerse COLOR -redecorar EMBELLISH -redecorate EMBELLISH -rededicate FOCUS -volver_a_dedicar FOCUS -redefine NAME DECIDE_DETERMINE -redefinir NAME DECIDE_DETERMINE -volver_a_destacar SORT_CLASSIFY_ARRANGE -redesplegar SORT_CLASSIFY_ARRANGE -redeploy SORT_CLASSIFY_ARRANGE -redepositar FALL_SLIDE-DOWN RETAIN_KEEP_SAVE-MONEY -redeposit FALL_SLIDE-DOWN RETAIN_KEEP_SAVE-MONEY -redesign CREATE_MATERIALIZE -rediseñar CREATE_MATERIALIZE -redetermine ADJUST_CORRECT -redevelop CREATE_MATERIALIZE AMELIORATE CHANGE_SWITCH -reformular AMELIORATE -reformulate AMELIORATE -rediscover FIND -redescubrir FIND -redispose SELL -redisponer GIVE_GIFT SELL -redistribuir SORT_CLASSIFY_ARRANGE -redistribute SORT_CLASSIFY_ARRANGE -redline REFUSE -redoblar INCREASE_ENLARGE_MULTIPLY -redouble INCREASE_ENLARGE_MULTIPLY -contribuer AFFECT INCREASE_ENLARGE_MULTIPLY MOVE-BACK -redound AFFECT INCREASE_ENLARGE_MULTIPLY MOVE-BACK -redundar AFFECT -reducir_por_meiosis DISBAND_BREAK-UP -scale_down REDUCE_DIMINISH -reecho MAKE-A-SOUND REPEAT -hacer_eco MAKE-A-SOUND -reef REDUCE_DIMINISH LOWER -arrizar LOWER -smell EXIST-WITH-FEATURE ODORIZE PERCEIVE SMELL -apestar ODORIZE -heder ODORIZE -stink ODORIZE EXIST-WITH-FEATURE -vahear EMIT -devanar ROLL -unreel ROLL -reelect CHOOSE -reelegir CHOOSE -repromulgar AUTHORIZE_ADMIT -reinforce STRENGTHEN_MAKE-RESISTANT -reenforce STRENGTHEN_MAKE-RESISTANT -reestablish RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reinstate RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -rehabilitar ASSIGN-smt-to-smn RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -rétablir RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reeve SECURE_FASTEN_TIE MOVE-SOMETHING -vérifier ANALYZE -réviser ANALYZE -réétudier ANALYZE -reexaminar ANALYZE -reexamine ANALYZE -reface REPAIR_REMEDY -référer SEND -árbitro WORK -umpire WORK -refinance REPEAT -refinanciar REPEAT -refinish REPAIR_REMEDY -refit LOAD_PROVIDE_CHARGE_FURNISH -reflate INCREASE_ENLARGE_MULTIPLY RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -volver_a_hinchar INCREASE_ENLARGE_MULTIPLY -reluire REFLECT -reflectorise REFLECT -reflectorize REFLECT -refloat BEGIN -refocus ADJUST_CORRECT FOCUS -reforest GROW_PLOW -repoblar GROW_PLOW LOAD_PROVIDE_CHARGE_FURNISH -reformarse AMELIORATE -corregirse AMELIORATE -ver_la_luz AMELIORATE -see_the_light AMELIORATE -refract TURN_CHANGE-DIRECTION CALCULATE_ESTIMATE -refractar TURN_CHANGE-DIRECTION -réfracter TURN_CHANGE-DIRECTION CALCULATE_ESTIMATE -refracture BREAK_DETERIORATE -refrigerate PRESERVE COOL -refuel FUEL -repostar FUEL -poner_combustible FUEL -reabastecer FUEL -refurnish LOAD_PROVIDE_CHARGE_FURNISH -reamueblar LOAD_PROVIDE_CHARGE_FURNISH -reamoblar LOAD_PROVIDE_CHARGE_FURNISH -regale NOURISH_FEED -regenerar CREATE_MATERIALIZE HELP_HEAL_CARE_CURE RENEW -regenerarse HELP_HEAL_CARE_CURE -revitalizar AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE -revitalize AROUSE_WAKE_ENLIVEN HELP_HEAL_CARE_CURE -renew ESTABLISH CHANGE-APPEARANCE/STATE -rejuvenate DEVELOP_AGE CORRODE_WEAR-AWAY_SCRATCH HELP_HEAL_CARE_CURE AMELIORATE CHANGE-APPEARANCE/STATE -rajeunir DEVELOP_AGE CORRODE_WEAR-AWAY_SCRATCH HELP_HEAL_CARE_CURE AMELIORATE CHANGE-APPEARANCE/STATE -regiment BEHAVE GROUP ASSIGN-smt-to-smn -imputation RECORD -retrovert RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -revert RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -sufrir_una_regresión WORSEN -recalcitrar WORSEN -retrogradar WORSEN MOVE-BACK -regret REGRET_SORRY REFUSE -rue REGRET_SORRY -arrepentir REGRET_SORRY -reorganize ORGANIZE -regroup SORT_CLASSIFY_ARRANGE ORGANIZE -reorganise ORGANIZE -reagruparse SORT_CLASSIFY_ARRANGE -reagrupar SORT_CLASSIFY_ARRANGE -regrow GROW_PLOW -régulariser ADJUST_CORRECT -regurgitar SPILL_POUR EXCRETE -regurguitar EXCRETE -rehabilitate ASSIGN-smt-to-smn RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -reharmonize LOAD_PROVIDE_CHARGE_FURNISH -reharmonise LOAD_PROVIDE_CHARGE_FURNISH -rehear SUBJECTIVE-JUDGING -retry SUBJECTIVE-JUDGING -reintentar SUBJECTIVE-JUDGING -reheat HEAT -rehouse GO-FORWARD -realojar GO-FORWARD -cosificar REPRESENT -réifier REPRESENT -reificar REPRESENT -reify REPRESENT -reignite BURN -reimponer CHARGE -reimpose CHARGE -réincarner GIVE-BIRTH CHANGE-APPEARANCE/STATE -reincarnate GIVE-BIRTH CHANGE-APPEARANCE/STATE -reinstalar MOUNT_ASSEMBLE_PRODUCE -reinstall MOUNT_ASSEMBLE_PRODUCE -reinsure PROTECT -reasegurar PROTECT -reintegrate ADD -reintegrarse ADD -réinventer RENEW -reinvent RENEW -reinventar RENEW -reissue CREATE_MATERIALIZE PUBLISH -reprint PUBLISH -republicar PUBLISH -reimprimir PUBLISH -reasociarse ALLY_ASSOCIATE_MARRY -reincorporarse ALLY_ASSOCIATE_MARRY -reencontrarse ALLY_ASSOCIATE_MARRY -rejuvenecer DEVELOP_AGE AMELIORATE CHANGE-APPEARANCE/STATE -rekindle BURN AROUSE_WAKE_ENLIVEN -volver_a_encender AROUSE_WAKE_ENLIVEN -reencender AROUSE_WAKE_ENLIVEN -reatar SECURE_FASTEN_TIE -volver_a_atar SECURE_FASTEN_TIE -relace SECURE_FASTEN_TIE -relativizar INTERPRET -relativize INTERPRET -relativise INTERPRET -slack_up REDUCE_DIMINISH -soltarse REDUCE_DIMINISH UNFASTEN_UNFOLD -slacken REDUCE_DIMINISH SLOW-DOWN UNFASTEN_UNFOLD -destensar UNFASTEN_UNFOLD -relay OPERATE SEND -transmettre TRANSMIT SEND -relearn LEARN -secrete EXCRETE CLOUD_SHADOW_HIDE -secretar EXCRETE -relent GIVE-UP_ABOLISH_ABANDON -salvage GROUP HELP_HEAL_CARE_CURE -salve HELP_HEAL_CARE_CURE -unbosom SPEAK -desahogarse SPEAK -cambiar_el_forro REPAIR_REMEDY -reline REPAIR_REMEDY PUT_APPLY_PLACE_PAVE -relocate GO-FORWARD MOVE-SOMETHING -relyric CREATE_MATERIALIZE -remain_down KNOCK-DOWN -take_the_count KNOCK-DOWN -estar_de_pie STOP RESIST -être_debout RESIST -remain_firm RESIST -remainder SELL -send_back DRIVE-BACK -remarry ALLY_ASSOCIATE_MARRY -se_remarier ALLY_ASSOCIATE_MARRY -casarse_nuevamente ALLY_ASSOCIATE_MARRY -tener_presente APPROVE_PRAISE -acordarse_de APPROVE_PRAISE -think_back REMEMBER -remember_oneself BEHAVE -recomponerse BEHAVE -remilitarizar CHANGE_SWITCH -remilitarize CHANGE_SWITCH -remilitarise CHANGE_SWITCH -reminisce REMEMBER -desobligar CANCEL_ELIMINATE -reshape ESTABLISH SHAPE -reencauchar REPAIR_REMEDY -recauchutar REPAIR_REMEDY -remount LOAD_PROVIDE_CHARGE_FURNISH MOUNT_ASSEMBLE_PRODUCE RAISE -rename NAME -renombrar NAME -rebautizar NAME -render-set COVER_SPREAD_SURMOUNT -rendezvous MEET -punto_de_encuentro MEET -darse_cita MEET -renégocier NEGOTIATE -renegociar NEGOTIATE -renegotiate NEGOTIATE -renegociate NEGOTIATE -restitute REPAIR_REMEDY GIVE_GIFT -reopen OPEN -reabrir OPEN -reabrirse OPEN -reorder ASK_REQUEST SORT_CLASSIFY_ARRANGE -reorientar ORIENT -reorient ORIENT -reorientate ORIENT -reorientarse ORIENT -repaint PAINT -repintar PAINT -repeindre PAINT -repatriar AUTHORIZE_ADMIT MOVE-SOMETHING -repatriate AUTHORIZE_ADMIT MOVE-SOMETHING -rapatrier AUTHORIZE_ADMIT MOVE-SOMETHING -requite PAY -repercuss AFFECT -repine OPPOSE_REBEL_DISSENT -supersede REPLACE -supervene_upon REPLACE -supercede REPLACE -supplant REPLACE -supplanter REPLACE -replant GROW_PLOW -replantar GROW_PLOW MOVE-SOMETHING -volver_a_jugar PLAY_SPORT/GAME -retroflex PRONOUNCE BEND -rétroflexe PRONOUNCE BEND -chivarse_de INFORM -report_out GIVE_GIFT -reposit RETAIN_KEEP_SAVE-MONEY -reprendre_en_possession GIVE_GIFT -reapropiarse GIVE_GIFT -repot MOVE-SOMETHING -transplantar MOVE-SOMETHING -reprehend CRITICIZE -symbolise REPRESENT -symboliser REPRESENT -symbolize REPRESENT -aplazar_una_pena MAKE-RELAX -reprieve DELAY MAKE-RELAX -respite DELAY -faire_grief REPRIMAND -reprocher REPRIMAND -upbraid REPRIMAND -reproach REPRIMAND -republish PUBLISH -reeditar PUBLISH -nier REFUSE -requisition ASK_REQUEST TAKE -requisición TAKE -releer READ -reread READ -reestrenar PERFORM -rescale CHANGE-APPEARANCE/STATE -reprogramar PLAN_SCHEDULE -reschedule PLAN_SCHEDULE -reseal CLOSE -resellar CLOSE -reseat MOVE-SOMETHING RENEW -reseed GROW_PLOW -resell SELL -recéder SELL -revendre SELL -revender SELL -semejar SEEM -resemble SEEM -parecerse_a SEEM -parecerse MATCH SEEM -se_asemejan_a SEEM -asemejarse_a SEEM -resentirse DISLIKE -resettle STAY_DWELL -reasentarse STAY_DWELL -repoblarse STAY_DWELL -recoser SEW -resew SEW -reship PUT_APPLY_PLACE_PAVE -volver_a_fotografiar RECORD -refotografiar RECORD -reshoot RECORD -reshuffle MESS ORGANIZE -resift SEPARATE_FILTER_DETACH -recernir SEPARATE_FILTER_DETACH -retamizar SEPARATE_FILTER_DETACH -resinate COOK -cambiar_el_tamaño_de CHANGE-APPEARANCE/STATE -resize CHANGE-APPEARANCE/STATE -cambiar_tamaño CHANGE-APPEARANCE/STATE -redimensionner CHANGE-APPEARANCE/STATE -resmudge DIRTY -volver_a_ensuciar DIRTY -sole REPAIR_REMEDY -resole REPAIR_REMEDY -resplend LIGHT_SHINE -restock LOAD_PROVIDE_CHARGE_FURNISH -refortalecer STRENGTHEN_MAKE-RESISTANT -restrengthen STRENGTHEN_MAKE-RESISTANT -restreindre RESTRAIN -resublime CONVERT -reasumir CONTINUE -summarise SUMMARIZE -summarize SUMMARIZE -resurface REPAIR_REMEDY APPEAR -resurge BEGIN -ranimer AROUSE_WAKE_ENLIVEN -réanimer AROUSE_WAKE_ENLIVEN -resuspend FLY -resuspender FLY -ret CORRODE_WEAR-AWAY_SCRATCH -détailler SELL -débiter SELL -vender_al_detalle SELL -vender_al_detall SELL -retail SELL -volver_a_tomar RECORD -strike_back ATTACK_BOMB -rethink BELIEVE -replantearse BELIEVE -repensar BELIEVE -retick SEW -volver_a_pespuntear SEW -reticulate COMMUNICATE_CONTACT SEPARATE_FILTER_DETACH CIRCULATE_SPREAD_DISTRIBUTE -retie SECURE_FASTEN_TIE -religar SECURE_FASTEN_TIE -prendre_sa_retraite RESIGN_RETIRE -partir_à_la_retraite RESIGN_RETIRE -jubilarse RESIGN_RETIRE -se_désengager RESIGN_RETIRE -revise ADJUST_CORRECT -retool ADJUST_CORRECT LOAD_PROVIDE_CHARGE_FURNISH -touch_up EMBELLISH -retouch EMBELLISH -shrink_back MOVE-BACK -retrain TEACH STUDY -reentrenar STUDY -retranslate TRANSLATE -retraducir TRANSLATE -volver_a_traducir TRANSLATE -retransmit TRANSMIT -retrench REDUCE_DIMINISH RETAIN_KEEP_SAVE-MONEY -retrofit AMELIORATE RENEW -reunite ALLY_ASSOCIATE_MARRY MEET -reunificar ALLY_ASSOCIATE_MARRY -reunify ALLY_ASSOCIATE_MARRY -rev INCREASE_ENLARGE_MULTIPLY -rev_up SPEED-UP INCREASE_ENLARGE_MULTIPLY -acelerarse INCREASE_ENLARGE_MULTIPLY -subir_de_revoluciones SPEED-UP -revamp REPAIR_REMEDY -vamp COURT REPAIR_REMEDY DECEIVE RENEW -revet MOUNT_ASSEMBLE_PRODUCE COVER_SPREAD_SURMOUNT -revêtir MOUNT_ASSEMBLE_PRODUCE COVER_SPREAD_SURMOUNT -revisit VISIT -volver_a_visitar VISIT -revitalise AROUSE_WAKE_ENLIVEN -sublevar OPPOSE_REBEL_DISSENT -rewire LOAD_PROVIDE_CHARGE_FURNISH -recablear LOAD_PROVIDE_CHARGE_FURNISH -reescribir CREATE_MATERIALIZE WRITE -rewrite CREATE_MATERIALIZE WRITE -recitar_una_rapsodia PERFORM -hablar_con_entusiasmo PERFORM -rhapsodize PERFORM SPEAK -s'extasier PERFORM SPEAK -rhapsodise PERFORM SPEAK -rhumba DANCE -rumba DANCE -bailar_rumba DANCE -rumbear DANCE -givre CREATE_MATERIALIZE MATCH -rimar CREATE_MATERIALIZE MATCH -rhyme CREATE_MATERIALIZE MATCH -rime CREATE_MATERIALIZE MATCH -rice BREAK_DETERIORATE -amontonar_en_almiares AMASS -rick HURT_HARM_ACHE AMASS -descoyuntarse HURT_HARM_ACHE -wrick HURT_HARM_ACHE -dislocarse HURT_HARM_ACHE -wrench HURT_HARM_ACHE PULL MOVE-ONESELF -sprain HURT_HARM_ACHE -resolver_un_acertijo EXPLAIN -rouler MOVE-BY-MEANS-OF -ir_en_vehículo MOVE-BY-MEANS-OF -aller_en_voiture MOVE-BY-MEANS-OF -estar_fondeado LIE -dejar_pasar CONTINUE -dejar_correr CONTINUE -ride_away LEAVE_DEPART_RUN-AWAY -ride_off LEAVE_DEPART_RUN-AWAY -ride_herd DIRECT_AIM_MANEUVER -ride_horseback MOVE-BY-MEANS-OF -andar_a_caballo MOVE-BY-MEANS-OF -montar_a_caballo MOVE-BY-MEANS-OF -ride_roughshod TREAT -run_roughshod TREAT -calentar_el_banquillo PLAY_SPORT/GAME -warm_the_bench PLAY_SPORT/GAME -ride_the_bench PLAY_SPORT/GAME -ridge CONTINUE GROW_PLOW THROW EXTRACT SHAPE -acaballonar GROW_PLOW EXTRACT -enjarciar LOAD_PROVIDE_CHARGE_FURNISH -aparejar LOAD_PROVIDE_CHARGE_FURNISH -rig_up MOUNT_ASSEMBLE_PRODUCE -rim LOAD_PROVIDE_CHARGE_FURNISH TRAVEL LIE -ring_out MAKE-A-SOUND -ring_up RECORD -rinse_off WASH_CLEAN -rip_out SPEAK -hacer_trizas CUT -shred CUT -rip_up CUT -tear_up CUT -levantar_el_ánimo CAUSE-MENTAL-STATE -crecerse CAUSE-MENTAL-STATE -ritualizar CHANGE_SWITCH -ritualize CHANGE_SWITCH -ritualise CHANGE_SWITCH -gardon CUT EMBELLISH -roach CUT EMBELLISH -decir_a_gritos SPEAK -roncar SPEAK BREATH_BLOW -roar_off LEAVE_DEPART_RUN-AWAY -toaster COOK -rustirse COOK -rustir COOK -rostir COOK -faire_griller COOK -mecer MOVE-ONESELF MOVE-SOMETHING AIR -rock MOVE-ONESELF MOVE-SOMETHING -tambalear TRAVEL MOVE-ONESELF -mecerse MOVE-ONESELF -rocket INCREASE_ENLARGE_MULTIPLY SHOOT_LAUNCH_PROPEL -skyrocket INCREASE_ENLARGE_MULTIPLY -subir_vertiginosamente SHOOT_LAUNCH_PROPEL -la_guita ROLL WEAVE -roll_out STRAIGHTEN FLATTEN_SMOOTHEN -borbotear HEAT EMIT -roll_in SPILL_POUR -desenrollar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND STRAIGHTEN UNFASTEN_UNFOLD -roll_over BUY NEGOTIATE MOVE-ONESELF -llegar_conduciendo ARRIVE -roller_skate MOVE-BY-MEANS-OF -rollerblade MOVE-BY-MEANS-OF -contar_cuentos DECEIVE -dupliquer INCREASE_ENLARGE_MULTIPLY -roneo INCREASE_ENLARGE_MULTIPLY -techar MOUNT_ASSEMBLE_PRODUCE COVER_SPREAD_SURMOUNT -roof MOUNT_ASSEMBLE_PRODUCE -enraizar GROW_PLOW -root BURY_PLANT GROW_PLOW EXTRACT GROUND_BASE_FOUND STAY_DWELL -enraizarse STAY_DWELL -steady_down STAY_DWELL -afincarse STAY_DWELL -take_root STAY_DWELL -escarbar EXTRACT -rootle EXTRACT -desenraizar EXTRACT -rope_up SECURE_FASTEN_TIE -rosin CORRODE_WEAR-AWAY_SCRATCH -frotar_con_colofonia CORRODE_WEAR-AWAY_SCRATCH -achaflanarse TURN_CHANGE-DIRECTION OPEN -alternarse ALTERNATE -rouge COLOR -pintarse COLOR -rough_in PREPARE -rough PREPARE -rough_out PREPARE -rough-dry DRY -roughcast COVER_SPREAD_SURMOUNT SHAPE -rough-hew SHAPE -desbastar SHAPE -dégrossir SHAPE -rough-house TREAT -rough-sand FLATTEN_SMOOTHEN -lijar_por_encima FLATTEN_SMOOTHEN -rough_up TREAT -enlucir COVER_SPREAD_SURMOUNT -ponerse_áspero CHANGE-APPEARANCE/STATE -roughen CHANGE-APPEARANCE/STATE -roughhouse PLAY_SPORT/GAME -contornar SHAPE -round_down ADJUST_CORRECT -round_up GROUP -spread-eagle PERFORM EXTEND LIE DEFEAT -spreadeagle DEFEAT -rout_up FIND -route DIRECT_AIM_MANEUVER SEND -row MOVE-SOMETHING -bogar MOVE-SOMETHING -ramer MOVE-SOMETHING -frictionner TOUCH -restregarse TOUCH -frotter TOUCH -friccionar TOUCH -frotarse TOUCH -squeak_by MANAGE LEAVE_DEPART_RUN-AWAY -squeeze_by MANAGE -rub_along MANAGE -scrape_by MANAGE -scrape_along MANAGE -scratch_along MANAGE -rubberize COVER_SPREAD_SURMOUNT -rubber COVER_SPREAD_SURMOUNT -rubberise COVER_SPREAD_SURMOUNT -encauchar COVER_SPREAD_SURMOUNT -curiosear SEE -rubberneck SEE -rubbish CRITICIZE -rubify COLOR -rubric COLOR -jugar_un_triunfo PLAY_SPORT/GAME -ruff PLAY_SPORT/GAME -ruggedise STRENGTHEN_MAKE-RESISTANT -ruggedize STRENGTHEN_MAKE-RESISTANT -rule_in SUBJECTIVE-JUDGING -rummage SEARCH -rumpus MESS -run_for CONTINUE -courir RUN -hacer_correr MOVE-SOMETHING -ejecutar_sin_falta ACHIEVE -s'emballer OPPOSE_REBEL_DISSENT -run_bases RUN -run_by TRAVEL -correr_hacia_abajo FALL_SLIDE-DOWN -dar_captura CHASE -perseguir_hasta_capturar CHASE -dar_caza CHASE -pasar_por_encima HURT_HARM_ACHE -rebalsarse STOP FLOW -correr_libre FLOW -verterse SPILL_POUR -queadarse_sin FINISH_CONCLUDE_END -confeccionar_rápidamente SEW -sew SECURE_FASTEN_TIE SEW -stitch SECURE_FASTEN_TIE -sew_together SECURE_FASTEN_TIE -rush_off LEAVE_DEPART_RUN-AWAY -rush_away LEAVE_DEPART_RUN-AWAY -salir_disparado LEAVE_DEPART_RUN-AWAY -rusticate CHANGE-APPEARANCE/STATE STOP MOVE-SOMETHING STAY_DWELL -send_down STOP -herir_a_sablazos CUT -sabre CUT KILL -sabrer CUT KILL -sugar CHANGE-TASTE -saccharifier CONVERT CHANGE-TASTE -saccharify CONVERT CHANGE-TASTE -sacarificar CONVERT -malvender SELL -sacrificarse GIVE_GIFT -entristecer CAUSE-MENTAL-STATE -sadden CAUSE-MENTAL-STATE -ensillar PUT_APPLY_PLACE_PAVE -safeguard PROTECT -sag_down FALL_SLIDE-DOWN -brosser GO-FORWARD -voguer TRAVEL -sailplane FLY -decir_salaam WELCOME -salaam WELCOME -salinate ADD -sallow COLOR -sally_forth LEAVE_DEPART_RUN-AWAY -salt COVER_SPREAD_SURMOUNT AROUSE_WAKE_ENLIVEN COOK PRESERVE -saltate JUMP MOVE-SOMETHING -bailar_samba DANCE -samba DANCE -catar TRY TASTE SMELL -taste EXIST-WITH-FEATURE UNDERGO-EXPERIENCE TRY TASTE -goûter TRY TASTE -paladear TRY -sample TRY -sand FLATTEN_SMOOTHEN -sandpaper FLATTEN_SMOOTHEN -lijar FLATTEN_SMOOTHEN -sand_cast SPILL_POUR -sandblast CORRODE_WEAR-AWAY_SCRATCH -intercaler INSERT CHANGE_SWITCH -sandwich INSERT CHANGE_SWITCH -hacer_sándwich CHANGE_SWITCH -sanitate LOAD_PROVIDE_CHARGE_FURNISH -sanitizar LOAD_PROVIDE_CHARGE_FURNISH -saponify CONVERT -saponifier CONVERT -saponificar CONVERT -deslizarse_de_lado TRAVEL -sidle TRAVEL -sass OFFEND_DISESTEEM -emitir_vía_satélite TRANSMIT -emitir_via_satélite TRANSMIT -satellite TRANSMIT -satisfise CAUSE-MENTAL-STATE -satisfice CAUSE-MENTAL-STATE -sauce BEHAVE COOK CHANGE-TASTE -saunter MOVE-ONESELF -stroll MOVE-ONESELF -saute COOK -saltear COOK -sauvegarder RECORD -savourer TASTE -déguster TASTE -saborizar COOK -aserrar CUT -saw CUT -serrar CUT -snore BREATH_BLOW -saw_wood BREATH_BLOW -saw_logs BREATH_BLOW -dire SPEAK -decir_adiós WELCOME -say_farewell WELCOME -scaffold STABILIZE_SUPPORT-PHYSICALLY -ébouillanter BURN -échauder BURN -escaldarse BURN -scale_up INCREASE_ENLARGE_MULTIPLY -scollop HUNT COOK EMBELLISH -scalp REMOVE_TAKE-AWAY_KIDNAP SELL -frangollar CARRY-OUT-ACTION -scamp CARRY-OUT-ACTION -scuttle RUN -scamper RUN -scurry RUN -corretear RUN -skitter JUMP RUN TRAVEL MOVE-SOMETHING -escandir ANALYZE READ -escanear ANALYZE -scant LOAD_PROVIDE_CHARGE_FURNISH WORK RETAIN_KEEP_SAVE-MONEY -insuffisant LOAD_PROVIDE_CHARGE_FURNISH WORK RETAIN_KEEP_SAVE-MONEY -skimp LOAD_PROVIDE_CHARGE_FURNISH WORK RETAIN_KEEP_SAVE-MONEY CONTINUE -mégoter LOAD_PROVIDE_CHARGE_FURNISH -stint LOAD_PROVIDE_CHARGE_FURNISH CONTINUE -lésiner LOAD_PROVIDE_CHARGE_FURNISH -scarf DRESS_WEAR HAVE-SEX JOIN_CONNECT -ponerse_un_pañuelo DRESS_WEAR -scarify BREAK_DETERIORATE CORRODE_WEAR-AWAY_SCRATCH HURT_HARM_ACHE -escarificar BREAK_DETERIORATE CORRODE_WEAR-AWAY_SCRATCH HURT_HARM_ACHE -escarizar HURT_HARM_ACHE -desperdigar BURY_PLANT -comer_carroña EAT_BITE -nutrirse_de_carroña EAT_BITE -recoger_la_basura WASH_CLEAN -remover_basuras WASH_CLEAN -limpiar_las_calles WASH_CLEAN -scend RAISE -schedule PLAN_SCHEDULE -schematize SORT_CLASSIFY_ARRANGE SHAPE -schematise SHAPE -schématiser SORT_CLASSIFY_ARRANGE SHAPE -escolarizar TEACH -schuss MOVE-BY-MEANS-OF -cintilar LIGHT_SHINE -scissor CUT -sclaff HIT -singe BURN -hacer_una_partitura CREATE_MATERIALIZE -sellotape ATTACH -scotch_tape ATTACH -estregar WASH_CLEAN -dar_un_escarmiento PUNISH -escarmentar PUNISH -fruncir_el_entrecejo FACIAL-EXPRESSION -scowl FACIAL-EXPRESSION -scribble WRITE -arañarse HURT_HARM_ACHE -scratch_up CORRODE_WEAR-AWAY_SCRATCH -legrar CORRODE_WEAR-AWAY_SCRATCH -scrawl WRITE -skreigh SHOUT -escudar PROTECT -refugiar TAKE-SHELTER PROTECT -sieve VERIFY ANALYZE SEPARATE_FILTER_DETACH -screen_out ANALYZE -separate_off SEPARATE_FILTER_DETACH -screen_off SEPARATE_FILTER_DETACH -scribe CORRODE_WEAR-AWAY_SCRATCH -scrimmage TRY -scrimp CONTINUE -scrimshank ABSTAIN_AVOID_REFRAIN -racanear ABSTAIN_AVOID_REFRAIN -remolonear ABSTAIN_AVOID_REFRAIN UNFASTEN_UNFOLD -escribir_un_guión CREATE_MATERIALIZE -script CREATE_MATERIALIZE -scroll MOVE-SOMETHING -scrub_up WASH_CLEAN -scruple CAUSE-MENTAL-STATE STOP BELIEVE -size_up ANALYZE -scry INTERPRET -se_colleter FIGHT -bagarrer FIGHT -scuffle FIGHT GO-FORWARD -liarse_a_puños FIGHT -arrastrar_los_pies GO-FORWARD -shamble GO-FORWARD -scull MOVE-BY-MEANS-OF -impulsar_con_espadilla MOVE-BY-MEANS-OF -scum REMOVE_TAKE-AWAY_KIDNAP -scythe CUT -guadañar CUT -seal DECIDE_DETERMINE CLOSE SECURE_FASTEN_TIE COVER_SPREAD_SURMOUNT HUNT -varnish COVER_SPREAD_SURMOUNT -barnizar COVER_SPREAD_SURMOUNT -charolar COVER_SPREAD_SURMOUNT -cazar_focas HUNT -lacrar CLOSE -seam SEW -poner_asientos LOAD_PROVIDE_CHARGE_FURNISH -poner_un_asiento LOAD_PROVIDE_CHARGE_FURNISH -sit_down ASSIGN-smt-to-smn LIE -sentar ASSIGN-smt-to-smn LIE -sentarse ASSIGN-smt-to-smn LIE -seclude ISOLATE -anticiparse_a SUBJECTIVE-JUDGING -adelantarse_a SUBJECTIVE-JUDGING -desgajar DIVIDE -section DIVIDE -segment DIVIDE SEPARATE_FILTER_DETACH -segmentar DIVIDE SEPARATE_FILTER_DETACH -sectionalise DIVIDE -sectionalize DIVIDE -seccionalizar DIVIDE -regionalizar DIVIDE -secularise CHANGE_SWITCH -sediment FALL_SLIDE-DOWN -sedimentar FALL_SLIDE-DOWN -consulter MEET -see_double SEE -ver_doble SEE -see_eye_to_eye AGREE_ACCEPT -see_through FOLLOW_SUPPORT_SPONSOR_FUND PERCEIVE CONTINUE -seed REMOVE_TAKE-AWAY_KIDNAP BURY_PLANT FOLLOW_SUPPORT_SPONSOR_FUND THROW POSSESS INSERT GENERATE CIRCULATE_SPREAD_DISTRIBUTE -granar REMOVE_TAKE-AWAY_KIDNAP GENERATE POSSESS -preseleccionar CHOOSE CIRCULATE_SPREAD_DISTRIBUTE -seek_out SEARCH -seel BLIND -seesaw PLAY_SPORT/GAME TRAVEL -teeter-totter PLAY_SPORT/GAME -teetertotter PLAY_SPORT/GAME -teeter TRAVEL -segmentarse SEPARATE_FILTER_DETACH -segregate DISBAND_BREAK-UP SEPARATE_FILTER_DETACH -segue CONTINUE -pescar_con_jábega HUNT -seine HUNT -autodestruirse DESTROY -self-destroy DESTROY -self-destruct DESTROY -autodestruir DESTROY -vendre SELL -sell_off SELL -dévaloriser SUBJECTIVE-JUDGING SELL -sell_short SUBJECTIVE-JUDGING SELL -semaphore TRANSMIT SIGNAL_INDICATE -semi-automatise AUTOMATIZE -semi-automatize AUTOMATIZE -semiautomatizar AUTOMATIZE -envoyer SEND -send_out SEND -cursar WORK SEND -send_a_message INFORM -send_around PUBLISH -hacer_circular PUBLISH -send_in GIVE_GIFT SEND -sentido UNDERSTAND -sensibilise TEACH -sensibilize TEACH -sensibilizar AROUSE_WAKE_ENLIVEN TEACH -sensitize AROUSE_WAKE_ENLIVEN TEACH COVER_SPREAD_SURMOUNT CHANGE-APPEARANCE/STATE -sensitise AROUSE_WAKE_ENLIVEN TEACH COVER_SPREAD_SURMOUNT CHANGE-APPEARANCE/STATE -concienciar TEACH -sensify TEACH -sensibiliser AROUSE_WAKE_ENLIVEN TEACH COVER_SPREAD_SURMOUNT CHANGE-APPEARANCE/STATE -ponerse_sentimental BEHAVE -sentimentise BEHAVE -sentimentalize BEHAVE CHANGE-APPEARANCE/STATE REPRESENT -sentimentalise BEHAVE CHANGE-APPEARANCE/STATE REPRESENT -sentimentize BEHAVE -secuenciar VERIFY SORT_CLASSIFY_ARRANGE -sequence VERIFY SORT_CLASSIFY_ARRANGE -séquencer VERIFY -ordonner VERIFY -serenade PERFORM -sérénader PERFORM -dar_una_serenata PERFORM -seriar SORT_CLASSIFY_ARRANGE -serialise SORT_CLASSIFY_ARRANGE -publicar_por_entregas SORT_CLASSIFY_ARRANGE -serialize SORT_CLASSIFY_ARRANGE -hacer_en_serie SORT_CLASSIFY_ARRANGE -hacer_formas_aserradas SHARPEN -serrate SHARPEN -cumplir_servico WORK -estar_enrolado WORK -service HAVE-SEX PREPARE HAVE-A-FUNCTION_SERVE -servir_para HAVE-A-FUNCTION_SERVE -serve_well HAVE-A-FUNCTION_SERVE -sic INCITE_INDUCE -typeset PRINT -set_afire BURN -set_on_fire BURN -pegar_fuego_a BURN -set_ablaze BURN -set_aflame BURN -alcanzar_la_orilla AIR -musicar CREATE_MATERIALIZE -set_to_music CREATE_MATERIALIZE -se_desploma FALL_SLIDE-DOWN -sellar_la_disputa SETTLE_CONCILIATE -llegar_a_un_acuerdo SETTLE_CONCILIATE -sexar DISTINGUISH_DIFFER -sexualize CHANGE-APPEARANCE/STATE -sexualise CHANGE-APPEARANCE/STATE -matizar COLOR CHANGE-APPEARANCE/STATE DIVERSIFY -shade_off DIM -shadowbox FIGHT -poner_un_eje STABILIZE_SUPPORT-PHYSICALLY -shag DANCE -shake_hands BEFRIEND -estrechar_la_mano BEFRIEND -dar_la_mano BEFRIEND -chocarla BEFRIEND -succuss MOVE-ONESELF -gisement REDUCE_DIMINISH -shoal REDUCE_DIMINISH -shallow REDUCE_DIMINISH -hacer_superficial REDUCE_DIMINISH -perder_profundidad REDUCE_DIMINISH -hacer_poco_profundo REDUCE_DIMINISH -shamanize PERFORM -shamanise PERFORM -avergonzarse OFFEND_DISESTEEM -shampoo WASH_CLEAN -shank HIT -partager SPEAK -shark DECEIVE HUNT -cazar_tiburones HUNT -sharpshoot SHOOT_LAUNCH_PROPEL -shatter BREAK_DETERIORATE -destrozarse BREAK_DETERIORATE -rasurar TOUCH CUT -afeitar CUT -barbear CUT -rasurarse CUT -raser CUT -afeitarse CUT -sheathe CUT COVER_SPREAD_SURMOUNT INSERT -clavarse CUT -envainar INSERT -enfundar INSERT -sheet METEOROLOGICAL ENCLOSE_WRAP -desenvainar REMOVE_TAKE-AWAY_KIDNAP EXTRACT -shell_stitch SEW -shellac COVER_SPREAD_SURMOUNT -laquear COVER_SPREAD_SURMOUNT -shellack COVER_SPREAD_SURMOUNT -shelter BUY TAKE-SHELTER -shepherd WATCH_LOOK-OUT ACCOMPANY -cambiar_velocidades CHANGE_SWITCH -shill DECEIVE -hacer_visos LIGHT_SHINE -brillar_tenuemente LIGHT_SHINE -rielar LIGHT_SHINE -shimmer LIGHT_SHINE -shimmy DANCE MOVE-ONESELF -bailar_el_shimmy DANCE -tiritar MOVE-ONESELF -shingle COVER_SPREAD_SURMOUNT -shipwreck FAIL_LOSE UNDERGO-EXPERIENCE DESTROY -shirr COOK -encamisarse DRESS_WEAR -shirt DRESS_WEAR -encamisar DRESS_WEAR -estremecer AROUSE_WAKE_ENLIVEN MOVE-ONESELF -shudder MOVE-ONESELF -frissonner MOVE-ONESELF -shiver MOVE-ONESELF -frémir MOVE-ONESELF -vibrer MOVE-ONESELF -trembler MOVE-ONESELF -tressaillir MOVE-ONESELF -patearse TRAVEL -recorrerse TRAVEL -traipse TRAVEL -causar_un_trauma HURT_HARM_ACHE -traumatize HURT_HARM_ACHE -traumatise HURT_HARM_ACHE -traumatizar HURT_HARM_ACHE -agavillar GROUP -gavillar GROUP -choquear CAUSE-MENTAL-STATE -ébranler CAUSE-MENTAL-STATE -calzarse DRESS_WEAR -shoe DRESS_WEAR -shoehorn PREPARE -façonner PREPARE -shoetree EXTEND -shoo_off DRIVE-BACK -shoo_away DRIVE-BACK -echar_a_gritos DRIVE-BACK -shoo DRIVE-BACK -shoot_craps PLAY_SPORT/GAME -shoot_up INCREASE_ENLARGE_MULTIPLY -shoplift STEAL_DEPRIVE -cortocircuitar MESS -short MESS DECEIVE -sisar DECEIVE -acortarse REDUCE_DIMINISH -shortlist CHOOSE -echarse_al_hombro MOVE-SOMETHING -shoulder RAISE CARRY_TRANSPORT MOVE-SOMETHING -shoulder_in MOVE-SOMETHING -shout_down MAKE-A-SOUND -callar_a_gritos MAKE-A-SOUND -vociferate SPEAK -dar_empujones MOVE-SOMETHING -shovel EXTRACT -quitar_con_pala EXTRACT -usher DIRECT_AIM_MANEUVER -poner_de_manifiesto SHOW -show_the_door ASK_REQUEST -duchar THROW WASH_CLEAN -ducharse WASH_CLEAN -llover_profusamente METEOROLOGICAL -caer_un_chaparrón METEOROLOGICAL -shower_down METEOROLOGICAL -asperjar THROW -asperger THROW -shrimp HUNT -mustiarse SPOIL -shrivel_up SPOIL -debilitarse SPOIL WEAKEN -mustiar SPOIL -shrivel SPOIL REDUCE_DIMINISH -shrinkwrap ENCLOSE_WRAP -hausser_les_épaules SIGN -levantar_los_hombros SIGN -shrug SIGN -shrug_off DEBASE_ADULTERATE -shuck REMOVE_TAKE-AWAY_KIDNAP -shunt CARRY_TRANSPORT DIRECT_AIM_MANEUVER -shush MAKE-A-SOUND -hacer_callar MAKE-A-SOUND -shutter CLOSE -shuttle GO-FORWARD -shuttlecock THROW -shy THROW BEGIN -respingar BEGIN -shy_away_from ABSTAIN_AVOID_REFRAIN -pronunciar_con_sibilante PRONOUNCE -se_enferman HURT_HARM_ACHE -side FOLLOW_SUPPORT_SPONSOR_FUND -side-slip FALL_SLIDE-DOWN -derrapar FALL_SLIDE-DOWN STOP -sideline DEBASE_ADULTERATE -sideswipe HIT -desplazarse_furtivamente TRAVEL -sift TRAVEL VERIFY SEPARATE_FILTER_DETACH -sasser SEPARATE_FILTER_DETACH -tamiser SEPARATE_FILTER_DETACH -cernir SEPARATE_FILTER_DETACH -suspirar SPEAK BREATH_BLOW -sigh SPEAK BREATH_BLOW -sight DIRECT_AIM_MANEUVER SEE -avistar SEE -sight-read PERFORM -sightread PERFORM -sight-sing PERFORM -sightsing PERFORM -sightsee VISIT -subscribir FOLLOW_SUPPORT_SPONSOR_FUND WRITE OFFER -signer WRITE -sign_over GIVE-UP_ABOLISH_ABANDON -sign_away GIVE-UP_ABOLISH_ABANDON -sign_off TRANSMIT -signpost SIGNAL_INDICATE -silhouette SHOW REPRESENT -siluetear REPRESENT -siluetar REPRESENT -silkscreen COPY -estampar_por_serigrafía COPY -silt_up STOP -encenagarse STOP -silt STOP -silver COLOR COVER_SPREAD_SURMOUNT -platear COLOR COVER_SPREAD_SURMOUNT -silverplate COVER_SPREAD_SURMOUNT -argentar COVER_SPREAD_SURMOUNT -silver-plate COVER_SPREAD_SURMOUNT -bañar_en_plata COVER_SPREAD_SURMOUNT -simmer COOK -encerar COVER_SPREAD_SURMOUNT EMBELLISH -abrillantar_con_cera EMBELLISH -pulir_con_cera EMBELLISH -simonise EMBELLISH -simonize EMBELLISH -sonreír_afectadamente LAUGH -smirk LAUGH -simper LAUGH -sonreír_burlonamente LAUGH -simplify SIMPLIFY -whistle MAKE-A-SOUND MOVE-SOMETHING TRAVEL PERFORM SIGNAL_INDICATE -siffler MAKE-A-SOUND -chanter SING -sing_along SING -cantar_en_conjunto SING -chamuscarse BURN -swinge BURN -socarrar BURN -single HIT -single_stitch SEW -single_crochet SEW -sous-sélectionner CHOOSE -escoger_uno CHOOSE -choisir_un CHOOSE -singsong SPEAK MOVE-SOMETHING -singularise DISTINGUISH_DIFFER -singularizar DISTINGUISH_DIFFER -singularize DISTINGUISH_DIFFER -slide_down FALL_SLIDE-DOWN -sinter CHANGE-APPEARANCE/STATE -sip DRINK -sorber MAKE-A-SOUND EAT_BITE ABSORB DRINK ATTRACT_SUCK -siroter DRINK -siphon EMPTY_UNLOAD MOVE-SOMETHING -syphon EMPTY_UNLOAD -siphon_off EMPTY_UNLOAD -agazaparse LIE -estar_sentado LIE -sit_around LIE -sit_back WATCH_LOOK-OUT LIE -take_it_easy LIE -sit_by WATCH_LOOK-OUT -cruzarse_de_brazos WATCH_LOOK-OUT -sit_in ATTEND PARTICIPATE -asistir_de_oyente ATTEND -sit_out ABSTAIN_AVOID_REFRAIN TOLERATE -sit_tight REMAIN -sit_up AROUSE_WAKE_ENLIVEN LIE -trasnochar AROUSE_WAKE_ENLIVEN -stay_up AROUSE_WAKE_ENLIVEN -size ADJUST_CORRECT SORT_CLASSIFY_ARRANGE COVER_SPREAD_SURMOUNT -grésiller BURN MAKE-A-SOUND CAUSE-MENTAL-STATE -sizzle BURN MAKE-A-SOUND CAUSE-MENTAL-STATE -bailar_ska DANCE -skank DANCE -skate TRAVEL -skateboard MOVE-BY-MEANS-OF -salir_pitando LEAVE_DEPART_RUN-AWAY -skedaddle LEAVE_DEPART_RUN-AWAY -pirarse LEAVE_DEPART_RUN-AWAY -skew SHAPE -espetar HOLE_PIERCE REVEAL -skewer HOLE_PIERCE -esquiar TRAVEL -ski TRAVEL -ski_jump JUMP -saltar_en_esquíes JUMP -skid RAISE STOP GO-FORWARD -patinazo STOP -déraper GO-FORWARD -elevar_en_plataforma RAISE -slide MOVE-SOMETHING OVERCOME_SURPASS GO-FORWARD -examinar_ligeramente READ -leer_por_encima READ -skim_over GO-FORWARD READ -skimcoat COVER_SPREAD_SURMOUNT -skin-dive DIP_DIVE -skin_over HELP_HEAL_CARE_CURE -skin_pop INSERT -bañarse_en_cueros DIP_DIVE -skinny-dip DIP_DIVE -skip-bomb ATTACK_BOMB -hacerse_humo LEAVE_DEPART_RUN-AWAY -take_a_powder LEAVE_DEPART_RUN-AWAY -skip_town LEAVE_DEPART_RUN-AWAY -skipper WORK -patronear WORK -skirl PERFORM MAKE-A-SOUND -escaramuzar FIGHT -skirmish FIGHT -skittle PLAY_SPORT/GAME -skive REMOVE_TAKE-AWAY_KIDNAP -sky_dive FALL_SLIDE-DOWN -skydive FALL_SLIDE-DOWN -skyjack BRING -gallofear ABSTAIN_AVOID_REFRAIN -zanganear ABSTAIN_AVOID_REFRAIN -retardar SLOW-DOWN -slag CONVERT -escorificar CONVERT -slalom PLAY_SPORT/GAME -eslalon PLAY_SPORT/GAME -slam-dunk ATTACK_BOMB SCORE -smasher ATTACK_BOMB SCORE -slap HIT -gifler HIT -souffleter HIT -calotter HIT -talocher HIT -tasajear REDUCE_DIMINISH -slat LOAD_PROVIDE_CHARGE_FURNISH CLOSE -cubrir_de_tablillas LOAD_PROVIDE_CHARGE_FURNISH -slate PLAN_SCHEDULE PUT_APPLY_PLACE_PAVE COMPETE -empizarrar PUT_APPLY_PLACE_PAVE -poner_en_agenda PLAN_SCHEDULE -slather PUT_APPLY_PLACE_PAVE -andar_en_trineo MOVE-BY-MEANS-OF -sleigh MOVE-BY-MEANS-OF -sled MOVE-BY-MEANS-OF -sledge MOVE-BY-MEANS-OF CARRY_TRANSPORT HIT -ir_en_trineo MOVE-BY-MEANS-OF -transportar_en_trineo CARRY_TRANSPORT -sledgehammer HIT -sleek WASH_CLEAN -slick EMBELLISH WASH_CLEAN -brillantiner EMBELLISH WASH_CLEAN -slick_down EMBELLISH -sleek_down EMBELLISH -sleep_late SLEEP -habérsele_pegado_a_uno_las_sábanas SLEEP -dormirla DRIVE-BACK -sleep_off DRIVE-BACK -stay_over STAY_DWELL -sleep_over STAY_DWELL -quedarse_a_dormir STAY_DWELL -pasar_la_noche STAY_DWELL -sleepwalk TRAVEL -somnambulate TRAVEL -sleet METEOROLOGICAL -caer_aguas_lluvia METEOROLOGICAL -cellisquear METEOROLOGICAL -slenderise REDUCE_DIMINISH -snoop SEE -sleuth SEE -slice CUT HIT -trancher CUT -slit CUT -slice_up CUT -rebanar CUT -slice_through TRAVEL -slice_into TRAVEL -spruce EMBELLISH -slick_up EMBELLISH -smarten_up EMBELLISH -spruce_up EMBELLISH -emperejilar EMBELLISH -titivate EMBELLISH -atildar EMBELLISH -emperifollar EMBELLISH -tittivate EMBELLISH -spiff_up EMBELLISH -slither OVERCOME_SURPASS -slime COVER_SPREAD_SURMOUNT -slink GO-FORWARD -delizar GIVE_GIFT -slip_one's_mind REMEMBER -steal SCORE GO-FORWARD STEAL_DEPRIVE -sneak_away LEAVE_DEPART_RUN-AWAY -sneak_out LEAVE_DEPART_RUN-AWAY -steal_away LEAVE_DEPART_RUN-AWAY -sneak_off LEAVE_DEPART_RUN-AWAY -slip_off REMOVE_TAKE-AWAY_KIDNAP -slip_on DRESS_WEAR -slip_up MISTAKE -cometer_un_error MISTAKE -sliver BREAK_DETERIORATE CONVERT -liarse_a_puñetazos HIT -currar HIT -sloganeer CREATE_MATERIALIZE -slop SPILL_POUR PUT_APPLY_PLACE_PAVE NOURISH_FEED TRAVEL -swill NOURISH_FEED DRINK -slosh THROW MAKE-A-SOUND TRAVEL -écrabouiller SPILL_POUR TRAVEL -squish SPILL_POUR TRAVEL -slosh_around THROW -slush THROW MAKE-A-SOUND -slush_around THROW -slot PLAN_SCHEDULE -slouch CHANGE-APPEARANCE/STATE TRAVEL -andar_desgarbadamente TRAVEL -caer_en_recesión CHANGE-APPEARANCE/STATE -slough_off DISCARD SEPARATE_FILTER_DETACH -correr_a_raudales FLOW -sluice_down FLOW -slum ENJOY -embarullarse SPEAK -atropellarse SPEAK -barbotear SPEAK -slurp EAT_BITE -thwack HIT -relamerse MAKE-A-SOUND -chapurrear SPEAK -stink_up ODORIZE -stink_out ODORIZE -smell_up ODORIZE -smelt HEAT -sourire SIGN LAUGH -smile SIGN LAUGH -sonreír LAUGH -smock EMBELLISH -adornar_con_frunces EMBELLISH -fumar BREATH_BLOW -fumer BREATH_BLOW -smoke_out DRIVE-BACK -smoulder BURN FEEL -smolder BURN FEEL -spoon TOUCH EXTRACT -smooch TOUCH -smooth_out UNFASTEN_UNFOLD -faire_de_la_contrebande CARRY_TRANSPORT -smuggle CARRY_TRANSPORT -smut WORSEN DIRTY HURT_HARM_ACHE CONTRACT-AN-ILLNESS_INFECT -hace_obsceno WORSEN -hacer_obsceno WORSEN -snafu CAUSE-MENTAL-STATE -cortar_irregularmente HIT -snag CUT OBTAIN HIT -buscar_caracoles GROUP -snail GROUP -serpenter GO-FORWARD TRAVEL SHAPE -snake GO-FORWARD TRAVEL SHAPE -culebrear TRAVEL -snatch_up CATCH -snap_back HELP_HEAL_CARE_CURE -sneer SIGN LAUGH -estornudar BREATH_BLOW -sneeze BREATH_BLOW -desviar_ligeramente HIT -reírse_disimuladamente LAUGH -reírse_con_disimulo LAUGH -snigger LAUGH -snicker LAUGH -sniff BREATH_BLOW SMELL -esnifar BREATH_BLOW -oliscar SMELL -sorber_los_mocos BREATH_BLOW -snooker STOP DECEIVE -bucear_con_esnórquel DIP_DIVE -snorkel DIP_DIVE -bufar MAKE-A-SOUND -take_a_hit BREATH_BLOW -nevar METEOROLOGICAL -neiger METEOROLOGICAL -snow-blind BLIND -snowball THROW INCREASE_ENLARGE_MULTIPLY -snowboard MOVE-BY-MEANS-OF -ir_en_motonieve MOVE-BY-MEANS-OF -andar_en_motonieve MOVE-BY-MEANS-OF -snowmobile MOVE-BY-MEANS-OF -snowshoe MOVE-BY-MEANS-OF -priser BREATH_BLOW -moucher BREATH_BLOW SMELL -snuff BREATH_BLOW SMELL -respirar_ruidosamente SMELL -soak_through PERMEATE -soar_up INCREASE_ENLARGE_MULTIPLY -soar_upwards INCREASE_ENLARGE_MULTIPLY -zoom INCREASE_ENLARGE_MULTIPLY RUN TRAVEL -sob CRY -desemborrachar CAUSE-MENTAL-STATE HELP_HEAL_CARE_CURE -sober_up CAUSE-MENTAL-STATE HELP_HEAL_CARE_CURE -desintoxicarse HELP_HEAL_CARE_CURE -socialize TEACH PARTICIPATE CHANGE_SWITCH -socializar TEACH PARTICIPATE CHANGE_SWITCH -socialise TEACH PARTICIPATE CHANGE_SWITCH -ser_social PARTICIPATE -sod COVER_SPREAD_SURMOUNT -ablandar CHANGE-APPEARANCE/STATE REDUCE_DIMINISH DOWNPLAY_HUMILIATE WEAKEN -soft-pedal DOWNPLAY_HUMILIATE -soft-soap FLATTER PERSUADE -soft-solder REPAIR_REMEDY -reblandecer CHANGE-APPEARANCE/STATE REDUCE_DIMINISH UNFASTEN_UNFOLD WEAKEN -reblandecerse REDUCE_DIMINISH -sojourn SPEND-TIME_PASS-TIME -sobreexponer_al_sol SHOW -soldar JOIN_CONNECT -souder JOIN_CONNECT -solder JOIN_CONNECT -militar WORK -soldier WORK -solemnize CELEBRATE_PARTY EMCEE APPROVE_PRAISE -solemnise CELEBRATE_PARTY EMCEE APPROVE_PRAISE -solemnizar CELEBRATE_PARTY APPROVE_PRAISE -solidify CHANGE-APPEARANCE/STATE -solidificar CHANGE-APPEARANCE/STATE -solidificarse CHANGE-APPEARANCE/STATE -solmizate SING -solfear SING -solo PERFORM FLY -volar_en_solitario FLY -volar_sin_acompañante FLY -pilotear_solo FLY -solvate CONVERT -somersault PERFORM -sonnet CREATE_MATERIALIZE APPROVE_PRAISE -sonetear CREATE_MATERIALIZE APPROVE_PRAISE -escribir_sonetos APPROVE_PRAISE -enhollinar COVER_SPREAD_SURMOUNT -soot COVER_SPREAD_SURMOUNT -sofisticar CHANGE-APPEARANCE/STATE COMPLEXIFY -sorb ABSORB -sorcerise BEWITCH -sorcerize BEWITCH -dar_la_alarma MAKE-A-SOUND -tener_pinta SEEM -voice SPEAK PRONOUNCE -hacer_sonar PERFORM -strike_up PERFORM BEGIN -insonorizado CHANGE_SWITCH -soundproof CHANGE_SWITCH -soup GIVE_GIFT -source LOAD_PROVIDE_CHARGE_FURNISH OBTAIN -sovietize COMMUNIZE -sovietise COMMUNIZE -soviétiser COMMUNIZE -sovietizar COMMUNIZE -autocomplacerse EXIST_LIVE -sow_one's_oats EXIST_LIVE -sow_one's_wild_oats EXIST_LIVE -space PLAN_SCHEDULE -espaciar PLAN_SCHEDULE -spacewalk TRAVEL -spade EXTRACT -spam SEND -spar LOAD_PROVIDE_CHARGE_FURNISH FIGHT ARGUE-IN-DEFENSE -poner_vergas LOAD_PROVIDE_CHARGE_FURNISH -depositar_ovas GIVE-BIRTH -spatchcock INSERT COOK -entrelarder INSERT COOK -frezar GIVE-BIRTH -desovar GIVE-BIRTH -parler SPEAK -speak_for REPRESENT -hablar_por REPRESENT -speak_in_tongues SPEAK -speak_of_the_devil CITE -alzar_la_voz SPEAK -spear_up RAISE -spear HOLE_PIERCE RAISE -spearhead LEAD_GOVERN -especializar FOCUS -speck DIRTY -stipple PAINT CAVE_CARVE -spectate SEE -speechify SPEAK -speed_skate PLAY_SPORT/GAME -deletrear EXPLAIN WRITE SPEAK -spell_out SHOW EXPLAIN SPEAK -épeler WRITE -écrire WRITE -explicitar SHOW -zest COOK -spice AROUSE_WAKE_ENLIVEN COOK -especiar COOK -spice_up AROUSE_WAKE_ENLIVEN COOK -impedir_el_paso STOP -spike_out GROW_PLOW -spin_out INCREASE_ENLARGE_MULTIPLY -hilar SPEAK WEAVE -spin-dry DRY -spin_off CREATE_MATERIALIZE -spirit_off DISAPPEAR -spirit_away REMOVE_TAKE-AWAY_KIDNAP DISAPPEAR -hacer_desaparecer DISAPPEAR -spiritise LOAD_PROVIDE_CHARGE_FURNISH -spiritize LOAD_PROVIDE_CHARGE_FURNISH -spiritualise CHANGE-APPEARANCE/STATE INTERPRET -soltarla SPEAK -splutter SPEAK EXCRETE -splat MAKE-A-SOUND FLATTEN_SMOOTHEN -ébraser OPEN -splint STABILIZE_SUPPORT-PHYSICALLY -splotch DIRTY -componer_espondeos CHANGE-APPEARANCE/STATE -spondaise CHANGE-APPEARANCE/STATE -spondaize CHANGE-APPEARANCE/STATE -pasar_una_esponja WASH_CLEAN -sponge_down WASH_CLEAN -lavar_con_esponja WASH_CLEAN -pasar_la_esponja WASH_CLEAN -sponge_off WASH_CLEAN -sponge_on PUT_APPLY_PLACE_PAVE -sponge_up ABSORB -spook CAUSE-MENTAL-STATE -spool ROLL TRANSMIT -cucharear EXTRACT -spoonfeed NOURISH_FEED TEACH -materner NOURISH_FEED TEACH -sportscast TRANSMIT -sporuler MOUNT_ASSEMBLE_PRODUCE CONVERT -sporulate MOUNT_ASSEMBLE_PRODUCE CONVERT -esporular CONVERT -spot-check VERIFY -controlar_por_muestreo VERIFY -soldar_por_puntos ATTACH -spotweld ATTACH -spot-weld ATTACH -spot_jam STOP -spot_promote PROMOTE -repanchigarse LIE -sprawl LIE CIRCULATE_SPREAD_DISTRIBUTE -repantigarse LIE -arrellanarse CIRCULATE_SPREAD_DISTRIBUTE -spray SPILL_POUR WET COVER_SPREAD_SURMOUNT -spray-dry DRY -despatarrarse EXTEND LIE -despatarrar EXTEND -string_out SORT_CLASSIFY_ARRANGE -ir_de_parranda ENJOY -spree ENJOY -spring-clean WASH_CLEAN -limpiar_a_fondo WASH_CLEAN -sprint RUN -esprintar RUN -spritz SPILL_POUR WET -espuelear LOAD_PROVIDE_CHARGE_FURNISH -rachear AIR -haber_ráfaga AIR -haber_borrasca AIR -haber_temporal AIR -wawl MAKE-A-SOUND -waul MAKE-A-SOUND -ponerse_derecho SHAPE -sacar_pecho SHAPE -square_dance DANCE -bailar_en_cuadrilla DANCE -squeak_through LEAVE_DEPART_RUN-AWAY -escurrir EXTRACT WASH_CLEAN -squeegee WASH_CLEAN -squeeze_for OBLIGE_FORCE -wring_out EXTRACT -ponerse_bizco FACIAL-EXPRESSION -loucher FACIAL-EXPRESSION -squint EXIST-WITH-FEATURE FACIAL-EXPRESSION -entornar FACIAL-EXPRESSION -bizquear EXIST-WITH-FEATURE -escuderear WORK -escuderar WORK -squire WORK -writhe MOVE-ONESELF -wrestle FIGHT THINK MOVE-ONESELF -worm MOVE-ONESELF -wriggle MOVE-ONESELF -squirm MOVE-ONESELF -estabular TAKE-SHELTER -stable TAKE-SHELTER -staff LOAD_PROVIDE_CHARGE_FURNISH WORK -proveer_de_personal LOAD_PROVIDE_CHARGE_FURNISH -stage_direct LEAD_GOVERN -estancarse STOP -paralizarse STOP -stagner STOP -stale EXCRETE -quedar_en_tablas STOP -hacer_tablas STOP -stalemate STOP -stalinize CHANGE-APPEARANCE/STATE -stalinise CHANGE-APPEARANCE/STATE -traquer HUNT -pisotear HURT_HARM_ACHE TRAVEL -stomp TRAVEL -estampillar CAVE_CARVE -stampede BEHAVE CAUSE-MENTAL-STATE LEAVE_DEPART_RUN-AWAY MOVE-SOMETHING -salir_en_estampida LEAVE_DEPART_RUN-AWAY -desbandarse LEAVE_DEPART_RUN-AWAY -estar_en_vigor REMAIN -estar_vigente REMAIN -stick_around WAIT STAY_DWELL -estar_dispuesto WAIT -stick_about WAIT -stand_still STOP -estar_inmóvil STOP -quedarse_quieto STOP -standardize ADJUST_CORRECT MEASURE_EVALUATE -standardise ADJUST_CORRECT MEASURE_EVALUATE -estandardizar ADJUST_CORRECT MEASURE_EVALUATE -estandarizar ADJUST_CORRECT MEASURE_EVALUATE -agrafer ATTACH -staple ATTACH -starboard TURN_CHANGE-DIRECTION -virar_a_estribor TURN_CHANGE-DIRECTION -amidonner STRENGTHEN_MAKE-RESISTANT -starch STRENGTHEN_MAKE-RESISTANT -almidonar STRENGTHEN_MAKE-RESISTANT -mirar_las_estrellas SEE -poner_en_marcha START-FUNCTIONING -perche HOLE_PIERCE LOAD_PROVIDE_CHARGE_FURNISH -stave_in HOLE_PIERCE BREAK_DETERIORATE -desfondar HOLE_PIERCE BREAK_DETERIORATE -stave HOLE_PIERCE LOAD_PROVIDE_CHARGE_FURNISH -poner_peldaños LOAD_PROVIDE_CHARGE_FURNISH -stay_put STAY_DWELL -stay_at STAY_DWELL -stay_in_place STOP -stick_together EXIST-WITH-FEATURE -permanecer_juntos EXIST-WITH-FEATURE -stay_together EXIST-WITH-FEATURE -quedarse_juntos EXIST-WITH-FEATURE -limpiar_con_vapor WASH_CLEAN -steam CAUSE-MENTAL-STATE COOK EMIT MOVE-BY-MEANS-OF WASH_CLEAN RAISE -limpiar_al_vapor WASH_CLEAN -steam_clean WASH_CLEAN -cocer_al_vapor COOK -despedir_vapor EMIT -echar_vapor EMIT -steamer MOVE-BY-MEANS-OF -steam-heat HEAT -steamroll CAUSE-SMT FLATTEN_SMOOTHEN GO-FORWARD DEFEAT -steamroller CAUSE-SMT FLATTEN_SMOOTHEN GO-FORWARD DEFEAT -steepen INCREASE_ENLARGE_MULTIPLY INCLINE -empinar INCREASE_ENLARGE_MULTIPLY -hacer_empinado INCREASE_ENLARGE_MULTIPLY -stencil COPY -estarcir COPY -stenograph WRITE -estenografear WRITE -tread LOAD_PROVIDE_CHARGE_FURNISH MOUNT_ASSEMBLE_PRODUCE TRAVEL HAVE-SEX PRESS_PUSH_FOLD -dar_un_paso PRESS_PUSH_FOLD -pisar HURT_HARM_ACHE FLATTEN_SMOOTHEN PRESS_PUSH_FOLD -step_on PRESS_PUSH_FOLD -tread_on PRESS_PUSH_FOLD -step_out LEAVE_DEPART_RUN-AWAY -stet ORDER CANCEL_ELIMINATE -estofar COOK -encargarse_de BURDEN_BEAR -piquer HOLE_PIERCE -estoquear HOLE_PIERCE -ficher HOLE_PIERCE -stickle QUARREL_POLEMICIZE -entestarse QUARREL_POLEMICIZE -agarrotarse CHANGE-APPEARANCE/STATE -inmobilizar STOP -still-fish HUNT -grabar_con_puntos CAVE_CARVE -susciter CAUSE-MENTAL-STATE -stir_fry COOK -empalizar STRENGTHEN_MAKE-RESISTANT -stockade STRENGTHEN_MAKE-RESISTANT -stoke INCREASE_ENLARGE_MULTIPLY -stonewash EMBELLISH -stone-wash EMBELLISH -stonewall DELAY STOP -contestar_con_evasivas STOP -stooge BEHAVE PERFORM MOVE-BY-MEANS-OF -tiller GROW_PLOW -someterse_a AGREE_ACCEPT -stoop_to AGREE_ACCEPT -stopple CLOSE -surprise CAUSE-MENTAL-STATE ATTACK_BOMB -stow FILL -stow_away CLOUD_SHADOW_HIDE -esparrancarse LIE -a_horcajadas LIE -ahorcajarse LIE -strafe ATTACK_BOMB -desencorvar STRAIGHTEN -tensarse CAUSE-MENTAL-STATE AFFECT EXTEND -tense CAUSE-MENTAL-STATE AFFECT EXTEND -estresar AFFECT -tense_up CAUSE-MENTAL-STATE AFFECT -poner_a_prueba VERIFY -étrangler KILL -stranguler KILL -strangulate KILL PRESS_PUSH_FOLD -estrangularse PRESS_PUSH_FOLD -atar_con_correa SECURE_FASTEN_TIE -stratify ALTERNATE OVERLAP DIVIDE -stratifier ALTERNATE OVERLAP DIVIDE -estratificar OVERLAP DIVIDE -litière COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -straw COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -strew COVER_SPREAD_SURMOUNT CIRCULATE_SPREAD_DISTRIBUTE -well_out FLOW -streamline SIMPLIFY -streetwalk SEARCH -street-walk SEARCH -reforzarse STRENGTHEN_MAKE-RESISTANT -tone_up HELP_HEAL_CARE_CURE -étirer EXTEND -stretch_along COVER_SPREAD_SURMOUNT -darse INCREASE_ENLARGE_MULTIPLY -striate PAINT -strickle FLATTEN_SMOOTHEN -stride TRAVEL GO-FORWARD -golpear_secamente HIT -walk_out LEAVE_DEPART_RUN-AWAY GIVE-UP_ABOLISH_ABANDON OPPOSE_REBEL_DISSENT -hacer_la_huelga OPPOSE_REBEL_DISSENT -abandonar_el_trabajo OPPOSE_REBEL_DISSENT -hacer_huelga OPPOSE_REBEL_DISSENT -estar_en_huelga OPPOSE_REBEL_DISSENT -faire_la_grève OPPOSE_REBEL_DISSENT -declararse_en_huelga OPPOSE_REBEL_DISSENT -strike_a_blow AFFECT -meter_el_dedo_en_la_llaga AROUSE_WAKE_ENLIVEN -touch_a_chord AROUSE_WAKE_ENLIVEN -tirar_una_cuerda AROUSE_WAKE_ENLIVEN -terrasser KILL -foudroyer KILL -strike_dumb CAUSE-MENTAL-STATE -string_along TRAVEL -desfibrar REMOVE_TAKE-AWAY_KIDNAP -strip-search SEARCH -surface_mine EXTRACT -strip_mine EXTRACT -surface-mine EXTRACT -stripe PAINT -stroke TOUCH MOVE-BY-MEANS-OF FLATTER HIT -afilar_con_correa SHARPEN -strop SHARPEN -estructurar SORT_CLASSIFY_ARRANGE -structure SORT_CLASSIFY_ARRANGE -rasguear PERFORM -strum PERFORM -stub REMOVE_TAKE-AWAY_KIDNAP FINISH_CONCLUDE_END EXTRACT HIT -stucco COVER_SPREAD_SURMOUNT EMBELLISH -estucar COVER_SPREAD_SURMOUNT EMBELLISH -faire_des_études WORK -dejar_por_inútil PROVE -stunt PERFORM STOP -intitular NAME -style NAME HARMONIZE EMBELLISH -subdividir SEPARATE_FILTER_DETACH -subdiviser SEPARATE_FILTER_DETACH -subdivide SEPARATE_FILTER_DETACH -subordinar SUBJUGATE -subordinate SUBJUGATE -supeditar SUBJUGATE -subject SUBJUGATE CAUSE-SMT PROPOSE -subjoin JOIN_CONNECT -realquilar LEND -subarrendar LEND -sublet LEND -sublease LEND -sublime CHANGE-APPEARANCE/STATE -subluxar HURT_HARM_ACHE -subluxate HURT_HARM_ACHE -submarine FALL_SLIDE-DOWN THROW ATTACK_BOMB HIT DIRECT_AIM_MANEUVER -sous-marin FALL_SLIDE-DOWN THROW ATTACK_BOMB HIT DIRECT_AIM_MANEUVER -submerse DIP_DIVE -se_résigner AGREE_ACCEPT -suborn INCITE_INDUCE FAKE -suborner INCITE_INDUCE FAKE -subpoena SUMMON -subrogate REPLACE -souscrire BUY OFFER -subscribe_to BUY -subscribirse BUY -subserve HELP_HEAL_CARE_CURE -subvencionar FOLLOW_SUPPORT_SPONSOR_FUND -subsidize FOLLOW_SUPPORT_SPONSOR_FUND -subsidiar FOLLOW_SUPPORT_SPONSOR_FUND -subsidise FOLLOW_SUPPORT_SPONSOR_FUND -subtilise AMELIORATE -subtitular LOAD_PROVIDE_CHARGE_FURNISH -subtitle LOAD_PROVIDE_CHARGE_FURNISH -suburbanise CHANGE-APPEARANCE/STATE -suburbanize CHANGE-APPEARANCE/STATE -subvent FOLLOW_SUPPORT_SPONSOR_FUND -subvention FOLLOW_SUPPORT_SPONSOR_FUND -subvocalise PRONOUNCE -subvocalize PRONOUNCE -succor HELP_HEAL_CARE_CURE -succour HELP_HEAL_CARE_CURE -chuparse ATTRACT_SUCK -succionar ATTRACT_SUCK -suction ATTRACT_SUCK -tender_a UNDERGO-EXPERIENCE -ser_dado_a UNDERGO-EXPERIENCE -suffix ATTACH -sulfatar CONVERT TREAT-WITH/BY -sulfate CONVERT -sulphur TREAT-WITH/BY -sulfur TREAT-WITH/BY -azufrar TREAT-WITH/BY -sulfurette COMBINE_MIX_UNITE -sulphurette COMBINE_MIX_UNITE -récapituler SUMMARIZE -summer SPEND-TIME_PASS-TIME -summerize PREPARE -summerise PREPARE -convoquer SUMMON -mander SUMMON -sunbathe SHOW -tomar_el_sol SHOW -sunder BREAK_DETERIORATE -suntan COLOR -sup EAT_BITE -superannuate DECREE_DECLARE SPOIL DISMISS_FIRE-SMN RESIGN_RETIRE -dar_la_invalidez DISMISS_FIRE-SMN -superfetate GIVE-BIRTH -superinfect CONTRACT-AN-ILLNESS_INFECT -superordinate SUBJUGATE -superscribe WRITE -supervene RESULT_CONSEQUENCE -supinate TURN_CHANGE-DIRECTION -supple UNFASTEN_UNFOLD -flexibilizar UNFASTEN_UNFOLD -suplementar ADD -supplicate ASK_REQUEST -faire_du_surf MOVE-BY-MEANS-OF -surfboard MOVE-BY-MEANS-OF -hacer_surf MOVE-BY-MEANS-OF -tide RAISE CARRY_TRANSPORT MOVE-SOMETHING -encresparse RAISE -suspecter BELIEVE -sospechar BELIEVE -surmise BELIEVE INFER -surprendre CAUSE-MENTAL-STATE -surtax CHARGE -susurrate MAKE-A-SOUND -suture JOIN_CONNECT -suturar JOIN_CONNECT -envolver_en_mantillas DRESS_WEAR -swaddle DRESS_WEAR -swathe DRESS_WEAR -swage SHAPE -unsay SPEAK -swap REPLACE MOVE-SOMETHING -swop REPLACE -swat HIT -swatter TRAVEL -hacer_jurar AFFIRM -swear_in AFFIRM -jurar_el_cargo AFFIRM -jurar_renunciar_a GUARANTEE_ENSURE_PROMISE -swear_off GUARANTEE_ENSURE_PROMISE -adelgazar_sudando REDUCE_DIMINISH -sweat_off REDUCE_DIMINISH -swing_out MOVE-SOMETHING -columpiar MOVE-SOMETHING -sweep_off CAUSE-MENTAL-STATE -sweep_away CAUSE-MENTAL-STATE CANCEL_ELIMINATE -sweep_under_the_rug CLOUD_SHADOW_HIDE -well FLOW -well_up BEGIN -swelter HURT_HARM_ACHE -étouffer_de_chaleur HURT_HARM_ACHE -enjuagarse DRINK -swill_down DRINK -nager DIP_DIVE -swing_over INFLUENCE -swing_around TURN_CHANGE-DIRECTION -swing_about TURN_CHANGE-DIRECTION -girarse TURN_CHANGE-DIRECTION -switch-hit HIT -mettre_en_marche OPERATE -switch_on OPERATE -swoop_up CATCH -lanzarse_en_picado GO-FORWARD -syllabize PRONOUNCE SEPARATE_FILTER_DETACH -syllabise PRONOUNCE SEPARATE_FILTER_DETACH -silabificar SEPARATE_FILTER_DETACH -syllabicate SEPARATE_FILTER_DETACH -syllabify SEPARATE_FILTER_DETACH -silabear PRONOUNCE SEPARATE_FILTER_DETACH -syllogise INFER -razonar_por_silogismos INFER -syllogize INFER -symmetrize MATCH -symmetrise MATCH -simetrizar MATCH -hacer_simétrico MATCH -sinfonizar PERFORM -symphonize PERFORM -symphonise PERFORM -sync ADJUST_CORRECT -sincronizarse MATCH -syncoper MISS_OMIT_LACK PERFORM -sincopar MISS_OMIT_LACK PERFORM -syncopate MISS_OMIT_LACK PERFORM -syncretise COMBINE_MIX_UNITE -syncretize COMBINE_MIX_UNITE -syndicate ALLY_ASSOCIATE_MARRY SELL -synthesise HARMONIZE -synthesize CREATE_MATERIALIZE HARMONIZE -syringe INSERT -jeringar INSERT -sistematizar SORT_CLASSIFY_ARRANGE -systemize SORT_CLASSIFY_ARRANGE -systematise SORT_CLASSIFY_ARRANGE -sistemar SORT_CLASSIFY_ARRANGE -systematize SORT_CLASSIFY_ARRANGE -systemise SORT_CLASSIFY_ARRANGE -tabularise SORT_CLASSIFY_ARRANGE -tabulate SORT_CLASSIFY_ARRANGE SHAPE -tabularize SORT_CLASSIFY_ARRANGE -taboo PRECLUDE_FORBID_EXPEL -declarar_tabú PRECLUDE_FORBID_EXPEL -wear_round TURN_CHANGE-DIRECTION -placar FACE_CHALLENGE -hacer_una_entrada ATTACK_BOMB -tag_along ACCOMPANY -ir_a_rebufo FOLLOW-IN-SPACE -tailgate FOLLOW-IN-SPACE -conducir_sin_distancia_de_seguridad FOLLOW-IN-SPACE -emprunter MOVE-BY-MEANS-OF -take_a_bow APPROVE_PRAISE RECOGNIZE_ADMIT_IDENTIFY -take_a_dive PRETEND -hacer_tongo PRETEND -take_a_joke TOLERATE -salir_a MATCH -take_charge LEAD_GOVERN -take_control LEAD_GOVERN -take_effect OPERATE -take_five REST -tomarse_cinco_minutos REST -asilar TAKE-SHELTER -dar_albergue TAKE-SHELTER -take_in_charge AGREE_ACCEPT -take_in_vain VIOLATE -tomar_en_vano VIOLATE -take_it_on_the_chin FAIL_LOSE -frustrarse FAIL_LOSE -take_kindly_to AGREE_ACCEPT -take_lying_down BURDEN_BEAR -tomar_nota FOCUS -take_notice FOCUS -take_time_off STOP -ser_fatal KILL -take_office BEGIN -ordenarse ASSIGN-smt-to-smn -take_orders ASSIGN-smt-to-smn OBEY -desempaquetar REMOVE_TAKE-AWAY_KIDNAP SHOW -unpack SHOW -take_the_stage ATTRACT_SUCK -take_stage ATTRACT_SUCK -take_ten REST -tomarse_diez_minutos REST -tomarse_10_minutos REST -take_the_air TRAVEL -walk BEHAVE OVERCOME_SURPASS SCORE MOVE-SOMETHING TRAVEL ACCOMPANY GIVE_GIFT ALLY_ASSOCIATE_MARRY GO-FORWARD -tomar_el_aire TRAVEL -take_the_bull_by_the_horns FACE_CHALLENGE -llevarse_el_pastel WIN -take_the_cake WIN -tomar_el_terreno GO-FORWARD -take_the_fifth_amendment REFUSE -take_the_fifth REFUSE -take_the_floor BEGIN DANCE -tomarse_la_pista DANCE -take_the_road PERFORM -take_the_veil CHANGE-APPEARANCE/STATE -take_time_by_the_forelock CARRY-OUT-ACTION -acoostumbrarse BEGIN -take_water ENTER -talc PUT_APPLY_PLACE_PAVE -hablar_de DISCUSS -talk_of DISCUSS -talk_down SPEAK DOWNPLAY_HUMILIATE -talk_into PERSUADE -refiler PERSUADE -talk_out_of PERSUADE -talk_shop DISCUSS -talk_turkey DISCUSS -tampon CLOSE -taponear CLOSE -tango DANCE -bailar_tango DANCE -tank DRINK RETAIN_KEEP_SAVE-MONEY TREAT-WITH/BY -tapdance DANCE -echar_mano SEARCH -sacar_del_grifo REMOVE_TAKE-AWAY_KIDNAP -tocar_suavemente HIT -roscar CUT -tap_dance DANCE -videotape RECORD -tape_record RECORD -tar COVER_SPREAD_SURMOUNT -tar-and-feather PUNISH -tariff CHARGE -tart_up DRESS_WEAR EMBELLISH -task ASSIGN-smt-to-smn BENEFIT_EXPLOIT -tatuar PAINT -tattoo PAINT -gravar CHARGE -team GROUP -team_up GROUP -llenarse_de_lágrimas CRY -tear_away REMOVE_TAKE-AWAY_KIDNAP -tear_off REMOVE_TAKE-AWAY_KIDNAP -teargas ATTACK_BOMB -placer_sur_le_tee PUT_APPLY_PLACE_PAVE JOIN_CONNECT -tee PUT_APPLY_PLACE_PAVE JOIN_CONNECT -tee_up PUT_APPLY_PLACE_PAVE PREPARE -placer_la_balle_sur_le_tee PUT_APPLY_PLACE_PAVE PREPARE -tee_off HIT -percer_ses_dents DEVELOP_AGE -dentar DEVELOP_AGE -echar_los_dientes DEVELOP_AGE -endentecer DEVELOP_AGE -faire_ses_dents DEVELOP_AGE -teethe DEVELOP_AGE -teetotal ABSTAIN_AVOID_REFRAIN -televisar TRANSMIT -telecast TRANSMIT -televise TRANSMIT -telecomunicar COMMUNICATE_CONTACT -telecommunicate COMMUNICATE_CONTACT -telepathize COMMUNICATE_CONTACT -telepathise COMMUNICATE_CONTACT -teletransportar TRANSMIT -teleport TRANSMIT -telescope REDUCE_DIMINISH PRESS_PUSH_FOLD -aplastarse PRESS_PUSH_FOLD -telex TRANSMIT -temporise DELAY -temporize DELAY -tenant STAY_DWELL -tenderize REDUCE_DIMINISH -tenderise REDUCE_DIMINISH -licitar OFFER -ponerse_tenso CAUSE-MENTAL-STATE -tesar EXTEND -atesar EXTEND -tenure ASSIGN-smt-to-smn -dar_una_permanencia ASSIGN-smt-to-smn -term NAME -arranger_en_terrasses MOUNT_ASSEMBLE_PRODUCE CHANGE-APPEARANCE/STATE -terraplenar MOUNT_ASSEMBLE_PRODUCE CHANGE-APPEARANCE/STATE -terrace MOUNT_ASSEMBLE_PRODUCE CHANGE-APPEARANCE/STATE -cultivar_en_terrazas CHANGE-APPEARANCE/STATE -aterrazar MOUNT_ASSEMBLE_PRODUCE CHANGE-APPEARANCE/STATE -poner_terraza MOUNT_ASSEMBLE_PRODUCE -terrasse MOUNT_ASSEMBLE_PRODUCE -terrorise CAUSE-MENTAL-STATE OBLIGE_FORCE -terrify CAUSE-MENTAL-STATE -terrorize CAUSE-MENTAL-STATE OBLIGE_FORCE -terroriser CAUSE-MENTAL-STATE OBLIGE_FORCE -territorialise PUT_APPLY_PLACE_PAVE EXTEND ORGANIZE -territorialize PUT_APPLY_PLACE_PAVE EXTEND ORGANIZE -territorializar ORGANIZE -horririzar OBLIGE_FORCE -incrustar_con_mosaicos PUT_APPLY_PLACE_PAVE -tessellate PUT_APPLY_PLACE_PAVE FIT -teselar FIT -tester VERIFY -test_drive TRY -test_fly TRY -tether SECURE_FASTEN_TIE -thatch COVER_SPREAD_SURMOUNT -theme EMBELLISH -theologize THINK INTERPRET -theologise THINK INTERPRET -thermostat ANALYZE -enflaquecerse REDUCE_DIMINISH -think_out CONSIDER -think_the_world_of APPROVE_PRAISE -think_twice CONSIDER -tener_sed HURT_HARM_ACHE -thoriate COMBINE_MIX_UNITE -tickle TOUCH AROUSE_WAKE_ENLIVEN ENJOY -buscar_las_cosquillas ENJOY -thrombose STOP -entronar ASSIGN-smt-to-smn -désarçonner KNOCK-DOWN -despeñar KNOCK-DOWN -jeter THROW -toss_back MOVE-BACK -throw_back MOVE-BACK -thumbtack ATTACH -dar_un_billete LOAD_PROVIDE_CHARGE_FURNISH -cosquillar TOUCH AROUSE_WAKE_ENLIVEN -cosquillear TOUCH AROUSE_WAKE_ENLIVEN -chatouiller AROUSE_WAKE_ENLIVEN -titillate AROUSE_WAKE_ENLIVEN -hacer_cosquillas AROUSE_WAKE_ENLIVEN -corbata SECURE_FASTEN_TIE -tie-dye COLOR -tighten_one's_belt RETAIN_KEEP_SAVE-MONEY -azulejar COVER_SPREAD_SURMOUNT -embaldosar COVER_SPREAD_SURMOUNT -alicatar COVER_SPREAD_SURMOUNT -tile COVER_SPREAD_SURMOUNT -till GROW_PLOW -temporalizar ADJUST_CORRECT -estañar COVER_SPREAD_SURMOUNT -tint COLOR -tinct COLOR -ting MAKE-A-SOUND -trabajar_con_latas WORK -tinsel WEAVE EMBELLISH -dar_oropel EMBELLISH -oropelar WEAVE EMBELLISH -campanillear PERFORM -tintinnabulate PERFORM -topple FALL_SLIDE-DOWN PRESS_PUSH_FOLD -tippytoe MOVE-ONESELF -tiptoe MOVE-ONESELF -dar_el_chivatazo INFORM -tip_off INFORM -tissue WEAVE -diezmo PAY -tithe PAY CHARGE -titrate MEASURE_EVALUATE -titrar MEASURE_EVALUATE -toe TOUCH MOVE-ONESELF INCLINE HIT -toenail INCLINE -toe_the_line OBEY -toggle LIBERATE_ALLOW_AFFORD LOAD_PROVIDE_CHARGE_FURNISH SECURE_FASTEN_TIE -basculer LIBERATE_ALLOW_AFFORD LOAD_PROVIDE_CHARGE_FURNISH SECURE_FASTEN_TIE -sujetar_con_cabilla LOAD_PROVIDE_CHARGE_FURNISH -toilet-train TEACH -toll PERFORM CHARGE -tomahawk CUT KILL -attaquer_en_coup_de_langue PERFORM TASTE -tongue PERFORM TASTE -pasar_la_lengua TASTE -tongue-tie EXIST-WITH-FEATURE -tonsure CUT -equipar_con_herramientas LOAD_PROVIDE_CHARGE_FURNISH -sonar_repetidamente PERFORM -tootle PERFORM -top_off FINISH_CONCLUDE_END FILL -llenar_hasta_arriba FILL -topdress COVER_SPREAD_SURMOUNT -topicalize EMPHASIZE -perder_el_equilibrio FALL_SLIDE-DOWN -torch DESTROY -torpedear ATTACK_BOMB -torpedo ATTACK_BOMB -toss_in SPEAK -totalize COMBINE_MIX_UNITE -totalizar COMBINE_MIX_UNITE -totalise COMBINE_MIX_UNITE -touch-type TYPE -touch_down LAND_GET-OFF -tomar_tierra LAND_GET-OFF -toughen STRENGTHEN_MAKE-RESISTANT -tour VISIT -hacer_un_tour VISIT -tourney FACE_CHALLENGE -tornear FACE_CHALLENGE SHAPE -tow PULL -towel DRY -pasar_una_toalla DRY -calquer COPY -calcar HAVE-SEX COPY -seguirle_la_pista SEE -trade_in CHANGE-HANDS -entregar_a_cambio CHANGE-HANDS -traffic SELL -entraîner TRY -s'entraîner TRY -adiestrarse TRY -andar_en_tranvía MOVE-BY-MEANS-OF -tram MOVE-BY-MEANS-OF -tramp_down FLATTEN_SMOOTHEN -trample HURT_HARM_ACHE FLATTEN_SMOOTHEN TRAVEL -tread_down FLATTEN_SMOOTHEN -piétiner HURT_HARM_ACHE FLATTEN_SMOOTHEN TRAVEL -transact ALLY_ASSOCIATE_MARRY -transaminate CONVERT -transcribir ADJUST_CORRECT WRITE -transcribe ADJUST_CORRECT WRITE CONVERT -transcrire ADJUST_CORRECT WRITE CONVERT -translittérer WRITE -transliterate WRITE -transliterar WRITE -transduce CONVERT -transect DIVIDE -transformer CHANGE-APPEARANCE/STATE CHANGE_SWITCH -transubstantiate CHANGE-APPEARANCE/STATE CHANGE_SWITCH -trasformar CHANGE-APPEARANCE/STATE -transsubstantier CHANGE-APPEARANCE/STATE CHANGE_SWITCH -transmudar CHANGE-APPEARANCE/STATE -transvasar GIVE_GIFT -dar_transistores LOAD_PROVIDE_CHARGE_FURNISH -transistorise LOAD_PROVIDE_CHARGE_FURNISH -transistorize LOAD_PROVIDE_CHARGE_FURNISH -transition CHANGE_SWITCH -transitivize CHANGE-APPEARANCE/STATE -transitivizar CHANGE-APPEARANCE/STATE -transitivise CHANGE-APPEARANCE/STATE -translocate MOVE-SOMETHING -reubicar MOVE-SOMETHING -transpire EMIT REVEAL EXCRETE HAPPEN_OCCUR -transpirate EMIT -saberse REVEAL -transship CARRY_TRANSPORT -travel_purposefully GO-FORWARD -travel_to VISIT -travesty JOKE -trawl HUNT -pescar_al_arrastre HUNT -treadle OPERATE MOVE-ONESELF -regalonear LOAD_PROVIDE_CHARGE_FURNISH -tomarse LOAD_PROVIDE_CHARGE_FURNISH -treble INCREASE_ENLARGE_MULTIPLY SING -tripler INCREASE_ENLARGE_MULTIPLY SING HIT -triple INCREASE_ENLARGE_MULTIPLY HIT -triplicarse INCREASE_ENLARGE_MULTIPLY -triplicar INCREASE_ENLARGE_MULTIPLY COPY -ir_de_travesía GO-FORWARD -trek TRAVEL GO-FORWARD -trellis GROW_PLOW -tremble MOVE-ONESELF -trepidar MOVE-ONESELF -cavar_trincheras CAVE_CARVE -trepan HOLE_PIERCE -trepanar HOLE_PIERCE HELP_HEAL_CARE_CURE -trephine HELP_HEAL_CARE_CURE -trefinar HELP_HEAL_CARE_CURE -trianguler MEASURE_EVALUATE ANALYZE SHAPE -triangulate MEASURE_EVALUATE ANALYZE SHAPE -triangular ANALYZE -tribulate HURT_HARM_ACHE -trice_up RAISE -trice RAISE -trifle_away CONSUME_SPEND -gastar_en_baratijas CONSUME_SPEND -trifurcate SEPARATE_FILTER_DETACH -dividir_en_tres SEPARATE_FILTER_DETACH -trifurcar SEPARATE_FILTER_DETACH -gargantear PRONOUNCE -triple-space TYPE -triplicate COPY -trisecar CUT -trisect CUT -trisectar CUT -trivializar DOWNPLAY_HUMILIATE -trivialize DOWNPLAY_HUMILIATE -trivialise DOWNPLAY_HUMILIATE -troat MAKE-A-SOUND -troll APPROVE_PRAISE TRAVEL SPEAK HUNT SHOOT_LAUNCH_PROPEL SING -cantar_con_entusiasmo SING -cantar_en_canon SING APPROVE_PRAISE -cabalgar_al_trote MOVE-BY-MEANS-OF -trot_out SHOW -trouble-shoot SOLVE -troubleshoot SOLVE -solucionar_problemas SOLVE -resolver_problemas SOLVE -trowel EXTRACT -truck CARRY_TRANSPORT -transportar_en_camión CARRY_TRANSPORT -true_up ADJUST_CORRECT -true ADJUST_CORRECT -trompetear MAKE-A-SOUND SPEAK -trump_out SPEAK -trumpet PERFORM SPEAK MAKE-A-SOUND -tronquer REPLACE -trundle TRAVEL -try_on SEEM -tsk MAKE-A-SOUND -tut-tut MAKE-A-SOUND -tut MAKE-A-SOUND -tube LOAD_PROVIDE_CHARGE_FURNISH ENCLOSE_WRAP MOVE-BY-MEANS-OF CARRY_TRANSPORT -andar_en_cámara MOVE-BY-MEANS-OF -enviar_por_metro CARRY_TRANSPORT -hacer_caer MESS -revolcarse TRAVEL MOVE-ONESELF -whirl_around FLY -tumble_dry DRY -tune_up ADJUST_CORRECT -tune ADJUST_CORRECT -reglar ADJUST_CORRECT -tune_in ADJUST_CORRECT -sintonizar ADJUST_CORRECT -turf COVER_SPREAD_SURMOUNT -encespedar COVER_SPREAD_SURMOUNT -revolverse MOVE-ONESELF -tourner_la_page TURN_CHANGE-DIRECTION -turn_a_blind_eye RECOGNIZE_ADMIT_IDENTIFY -turn_a_nice_penny EARN -turn_a_nice_dime EARN -turn_a_nice_dollar EARN -turn_a_trick WORK -turn_on_a_dime TURN_CHANGE-DIRECTION -turn_the_tables INVERT_REVERSE -turn_the_tide INVERT_REVERSE -voltear_los_pulgares CANCEL_ELIMINATE -turn_thumbs_down CANCEL_ELIMINATE -antender FOCUS -turn_up_the_heat INCITE_INDUCE -turn_up_the_pressure INCITE_INDUCE -cazar_tortugas HUNT -tutor TEACH WORK -tutelar TEACH -ganguear PRONOUNCE -twang PERFORM PRONOUNCE HURT_HARM_ACHE MAKE-A-SOUND -dar_punzadas HURT_HARM_ACHE -twirp MAKE-A-SOUND -tweeze EXTRACT -extraer_con_pinzas EXTRACT -twill WEAVE -tener_gemelos GIVE-BIRTH -gemelo GIVE-BIRTH -tordre TURN_CHANGE-DIRECTION -two-step DANCE -bailar_paso_doble DANCE -two-time COURT -enfermer_dans_un_rôle CHOOSE RECOGNIZE_ADMIT_IDENTIFY -type TYPE RECOGNIZE_ADMIT_IDENTIFY -typecast CHOOSE RECOGNIZE_ADMIT_IDENTIFY -typewrite TYPE -mecanografiar TYPE -uglify WORSEN -ulcerate HURT_HARM_ACHE CONTRACT-AN-ILLNESS_INFECT -ulcerar HURT_HARM_ACHE CONTRACT-AN-ILLNESS_INFECT -ultracentrifuge MOVE-SOMETHING -desatrancar OPEN UNFASTEN_UNFOLD -unbar OPEN -unbelt UNFASTEN_UNFOLD -unbind UNFASTEN_UNFOLD -unbolt UNFASTEN_UNFOLD -descerrajar UNFASTEN_UNFOLD -unbox REMOVE_TAKE-AWAY_KIDNAP -unbrace LIBERATE_ALLOW_AFFORD CAUSE-MENTAL-STATE UNFASTEN_UNFOLD -desceñir CAUSE-MENTAL-STATE -desanudar LIBERATE_ALLOW_AFFORD -unlace LIBERATE_ALLOW_AFFORD -zafar LIBERATE_ALLOW_AFFORD -unbraid RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -destrenzar RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -unbridle REMOVE_TAKE-AWAY_KIDNAP -unbuckle UNFASTEN_UNFOLD -deshebillar UNFASTEN_UNFOLD -desabotonar UNFASTEN_UNFOLD -déboutonner UNFASTEN_UNFOLD -unbutton UNFASTEN_UNFOLD -unchain LIBERATE_ALLOW_AFFORD UNFASTEN_UNFOLD -unclasp UNFASTEN_UNFOLD -unclip UNFASTEN_UNFOLD -uncloak REMOVE_TAKE-AWAY_KIDNAP REVEAL -unmask REMOVE_TAKE-AWAY_KIDNAP REVEAL -desenmascarar REMOVE_TAKE-AWAY_KIDNAP REVEAL -desatascar UNFASTEN_UNFOLD -unclog UNFASTEN_UNFOLD -uncoil RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -uncork LIBERATE_ALLOW_AFFORD UNFASTEN_UNFOLD -destaponar LIBERATE_ALLOW_AFFORD -descorchar UNFASTEN_UNFOLD -uncrate REMOVE_TAKE-AWAY_KIDNAP -desembalar REMOVE_TAKE-AWAY_KIDNAP -descruzar MOVE-ONESELF -uncross MOVE-ONESELF -uncurl STRAIGHTEN -desenrollarse STRAIGHTEN -desovillarse STRAIGHTEN -desrizarse STRAIGHTEN -undeceive PROVE -underperform ACHIEVE PERFORM -underachieve ACHIEVE -underplay PLAY_SPORT/GAME PERFORM -underact PERFORM -annoncer_au-dessous_de_sa_force BID -underbid BID -undercharge CHARGE -undercut CUT SELL HIT -undersell SELL -underdevelop EXIST-WITH-FEATURE -subvalorar CALCULATE_ESTIMATE -infravalorar CALCULATE_ESTIMATE OFFEND_DISESTEEM -minusvalorar CALCULATE_ESTIMATE -underrate SUBJECTIVE-JUDGING -underexpose SHOW -sous-exposer SHOW -subexponer SHOW -undergo UNDERGO-EXPERIENCE -undergrow GROW_PLOW -underlay PUT_APPLY_PLACE_PAVE STABILIZE_SUPPORT-PHYSICALLY -subyacer GROUND_BASE_FOUND LIE -underlie GROUND_BASE_FOUND LIE -underpay PAY -underproduce MOUNT_ASSEMBLE_PRODUCE -underquote CALCULATE_ESTIMATE OFFER -undershoot LAND_GET-OFF SHOOT_LAUNCH_PROPEL -undersign WRITE -underspend CONSUME_SPEND -gastar_menos CONSUME_SPEND -infrabastecer RETAIN_KEEP_SAVE-MONEY -understock RETAIN_KEEP_SAVE-MONEY -unmake STEAL_DEPRIVE -anular_la_selección RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -undock MOVE-SOMETHING LEAVE_DEPART_RUN-AWAY -sacar_del_amarradero MOVE-SOMETHING -undrape SHOW -quitar_las_colgaduras SHOW -unfasten UNFASTEN_UNFOLD -unfurl UNFASTEN_UNFOLD -unroll INVERT_REVERSE UNFASTEN_UNFOLD -unhand REMOVE_TAKE-AWAY_KIDNAP -unharness REMOVE_TAKE-AWAY_KIDNAP -desguarnecer REMOVE_TAKE-AWAY_KIDNAP -desgoznar REMOVE_TAKE-AWAY_KIDNAP -desgonzar REMOVE_TAKE-AWAY_KIDNAP -desengancharse UNFASTEN_UNFOLD -desenganchar REMOVE_TAKE-AWAY_KIDNAP UNFASTEN_UNFOLD -unhitch UNFASTEN_UNFOLD -descolgar REMOVE_TAKE-AWAY_KIDNAP -unhook REMOVE_TAKE-AWAY_KIDNAP -unicycle MOVE-BY-MEANS-OF -andar_en_monociclo MOVE-BY-MEANS-OF -uniform LOAD_PROVIDE_CHARGE_FURNISH -uniformise HARMONIZE -uniformize HARMONIZE -uniformizar HARMONIZE -concertarse ALLY_ASSOCIATE_MARRY -sindicar ALLY_ASSOCIATE_MARRY -unitize COMBINE_MIX_UNITE SORT_CLASSIFY_ARRANGE SEPARATE_FILTER_DETACH -unitise COMBINE_MIX_UNITE SORT_CLASSIFY_ARRANGE SEPARATE_FILTER_DETACH -universalize CHANGE_SWITCH -universalise CHANGE_SWITCH -universalizar CHANGE_SWITCH -unpick RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -unscramble RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND CHANGE_SWITCH -unknot RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -unlash UNFASTEN_UNFOLD -unlearn REMEMBER FORGET -desaprender REMEMBER FORGET -désapprendre REMEMBER FORGET -destar LIBERATE_ALLOW_AFFORD -destraillar LIBERATE_ALLOW_AFFORD -dar_rienda_suelta LIBERATE_ALLOW_AFFORD -unlock OPEN UNFASTEN_UNFOLD -déverrouiller UNFASTEN_UNFOLD -descontrolar CAUSE-MENTAL-STATE -unman CAUSE-MENTAL-STATE -unmuzzle REMOVE_TAKE-AWAY_KIDNAP -descoser RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -unpin UNFASTEN_UNFOLD -wind_off INVERT_REVERSE -unsanctify REMOVE_TAKE-AWAY_KIDNAP -unscrew UNFASTEN_UNFOLD -desatornillar UNFASTEN_UNFOLD -unseal OPEN -retirar_el_sello OPEN -desellar OPEN -unseat REMOVE_TAKE-AWAY_KIDNAP DISMISS_FIRE-SMN -asexuar WEAKEN -desenfundar EXTRACT -unsheathe EXTRACT -desoldar UNFASTEN_UNFOLD -unsolder UNFASTEN_UNFOLD -unspell BEWITCH -unstaple UNFASTEN_UNFOLD -desgrapar UNFASTEN_UNFOLD -unstrap UNFASTEN_UNFOLD -descordar REMOVE_TAKE-AWAY_KIDNAP -unstring REMOVE_TAKE-AWAY_KIDNAP -desencordar REMOVE_TAKE-AWAY_KIDNAP -unteach TEACH -untwine RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -untwist RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -destorcer RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -unweave RESTORE-TO-PREVIOUS/INITIAL-STATE_UNDO_UNWIND -unwire UNFASTEN_UNFOLD -unyoke REMOVE_TAKE-AWAY_KIDNAP -unzip UNFASTEN_UNFOLD -up INCREASE_ENLARGE_MULTIPLY -update INFORM AMELIORATE -actualiser INFORM -upend INVERT_REVERSE -upheave RAISE -luchar_por ARGUE-IN-DEFENSE -upholster COVER_SPREAD_SURMOUNT -upload TRANSMIT -charger_vers_le_serveur TRANSMIT -destorbar MESS -upstage OVERCOME_SURPASS TREAT MOVE-SOMETHING -urbanize CHANGE-APPEARANCE/STATE TEACH -urbaniser CHANGE-APPEARANCE/STATE TEACH -urbanise CHANGE-APPEARANCE/STATE TEACH -urbanizar CHANGE-APPEARANCE/STATE TEACH -causar_urticaria HURT_HARM_ACHE -valider PROVE -convalidar AUTHORIZE_ADMIT -vamp_up DECEIVE RENEW -vandalizar DESTROY -vandalize DESTROY -vandalise DESTROY -vascularizar CHANGE-APPEARANCE/STATE -vascularize CHANGE-APPEARANCE/STATE -vascularise CHANGE-APPEARANCE/STATE -vasectomise CASTRATE -vasectomizar CASTRATE -vasectomize CASTRATE -vegetate REST GROW_PLOW EXIST_LIVE GIVE-BIRTH CIRCULATE_SPREAD_DISTRIBUTE -vege_out REST -vegetar GROW_PLOW EXIST_LIVE GIVE-BIRTH CIRCULATE_SPREAD_DISTRIBUTE -poner_un_velo CLOUD_SHADOW_HIDE -vein PAINT -velcro SECURE_FASTEN_TIE -chapear COVER_SPREAD_SURMOUNT -veneer COVER_SPREAD_SURMOUNT -venesect CUT -verbify CHANGE-APPEARANCE/STATE -transformar_en_verbo CHANGE-APPEARANCE/STATE -verdigris COLOR -verge ARRIVE -vermiculate EMBELLISH -vermilion COLOR -embijar COLOR -vesiculate CHANGE-APPEARANCE/STATE -vesture DRESS_WEAR -tratar_animales HELP_HEAL_CARE_CURE -examinar_animales HELP_HEAL_CARE_CURE -vet ANALYZE HELP_HEAL_CARE_CURE WORK -ejercer_de_veterinario WORK -victimise HURT_HARM_ACHE PUNISH -represaliar PUNISH -avituallar NOURISH_FEED EAT_BITE RETAIN_KEEP_SAVE-MONEY -victual NOURISH_FEED EAT_BITE RETAIN_KEEP_SAVE-MONEY -avituallarse EAT_BITE -vinificar CONVERT -vinify CONVERT -visar AUTHORIZE_ADMIT LOAD_PROVIDE_CHARGE_FURNISH -visa AUTHORIZE_ADMIT LOAD_PROVIDE_CHARGE_FURNISH -refrendada AUTHORIZE_ADMIT -dar_una_visa LOAD_PROVIDE_CHARGE_FURNISH -s'imaginer IMAGINE -vitalize AROUSE_WAKE_ENLIVEN -vitalise AROUSE_WAKE_ENLIVEN -vitalizar AROUSE_WAKE_ENLIVEN -vitaminar ADD -vitaminise ADD -vitaminizado ADD -vitaminize ADD -vitaminizar ADD -vitrify CHANGE-APPEARANCE/STATE CONVERT -vitrificar CHANGE-APPEARANCE/STATE CONVERT -vitriolar SHOW -vitriol SHOW OFFEND_DISESTEEM -vivisect CUT -viviseccionar CUT -vowelize PRONOUNCE -vowelise PRONOUNCE -hacerse_eco SPEAK -volatilise CHANGE-APPEARANCE/STATE -volatilizarse CHANGE-APPEARANCE/STATE -volatilize CHANGE-APPEARANCE/STATE -volley SPEAK SHOOT_LAUNCH_PROPEL HIT -volear SHOOT_LAUNCH_PROPEL HIT -soltar_una_retahíla SPEAK -voodoo BEWITCH -hacer_vudú BEWITCH -vote CHOOSE INFLUENCE -voter CHOOSE -vote_in CHOOSE -responder_de PROVE -vouchsafe GIVE_GIFT -vroom MAKE-A-SOUND -vulcanise CHANGE-APPEARANCE/STATE CONVERT -vulcaniser CHANGE-APPEARANCE/STATE CONVERT -vulcanizar CHANGE-APPEARANCE/STATE CONVERT -vulcanize CHANGE-APPEARANCE/STATE CONVERT -wade GO-FORWARD -waft MOVE-ONESELF AIR -flotar_suavemente AIR -colear MOVE-SOMETHING -wag MOVE-SOMETHING -rabear MOVE-SOMETHING -waggle TRAVEL MOVE-SOMETHING -wamble TRAVEL -waitress WORK -estar_despierto AROUSE_WAKE_ENLIVEN -sacar_a_caminar MOVE-SOMETHING -ir_andando GO-FORWARD -walk_away LEAVE_DEPART_RUN-AWAY -perdre_en_marchant LEAVE_DEPART_RUN-AWAY STEAL_DEPRIVE -walk_off LEAVE_DEPART_RUN-AWAY STEAL_DEPRIVE -walk_in ENTER -irse_de LEAVE_DEPART_RUN-AWAY -walk_out_of LEAVE_DEPART_RUN-AWAY -walk_over DEFEAT -walk_through TRY -wall_up ENCLOSE_WRAP -wall_in ENCLOSE_WRAP -emparedar ENCLOSE_WRAP -wallop HIT DEFEAT -derrotar_totalmente DEFEAT -derrotar_completamente DEFEAT -wham HIT -whack HIT -welter TRAVEL FOCUS -bailar_vals DANCE -valser DANCE -valsar DANCE -waltz DANCE -waltz_around DANCE -wan HURT_HARM_ACHE -vivir_licenciosamente EXIST_LIVE -vivir_disipadamente EXIST_LIVE -war ATTACK_BOMB -guerrear ATTACK_BOMB -warehouse RETAIN_KEEP_SAVE-MONEY -warm HEAT -calentarse HEAT -se_chauffer HEAT -warm_to CAUSE-MENTAL-STATE -avertir WARN -wash_away CANCEL_ELIMINATE WASH_CLEAN -wash_off WASH_CLEAN -lavarse_las_manos PARDON -wash_one's_hands PARDON -deslavazar EXHAUST -deslavar EXHAUST -lagrimear EXCRETE -water-wash WASH_CLEAN -water_down DEBASE_ADULTERATE WEAKEN -aguar WEAKEN -water_ski MOVE-BY-MEANS-OF -watercolor PAINT -pintar_con_acuarela PAINT -watercolour PAINT -aquareller PAINT -waterproof STRENGTHEN_MAKE-RESISTANT -wattle MOUNT_ASSEMBLE_PRODUCE WEAVE -wave_off DOWNPLAY_HUMILIATE -weaponize HAVE-A-FUNCTION_SERVE -wear_off BREAK_DETERIORATE CORRODE_WEAR-AWAY_SCRATCH -wear_thin BREAK_DETERIORATE -whittle_down CUT -whittle_away CUT -wear_on SPEND-TIME_PASS-TIME -wear_ship TURN_CHANGE-DIRECTION -navegar_a_barlovento GO-FORWARD -tiempo_en CHANGE-APPEARANCE/STATE -weatherproof STRENGTHEN_MAKE-RESISTANT -colocar_burlete LOAD_PROVIDE_CHARGE_FURNISH -weatherstrip LOAD_PROVIDE_CHARGE_FURNISH -poner_un_burlete LOAD_PROVIDE_CHARGE_FURNISH -wedel MOVE-BY-MEANS-OF -desherbar REMOVE_TAKE-AWAY_KIDNAP -weed REMOVE_TAKE-AWAY_KIDNAP -herbar REMOVE_TAKE-AWAY_KIDNAP -weekend SPEND-TIME_PASS-TIME -weigh_anchor RAISE -levar_anclas RAISE -levar_el_ancla RAISE -izar_el_ancla RAISE -weigh_the_anchor RAISE -weigh_on CAUSE-MENTAL-STATE -welch ABSTAIN_AVOID_REFRAIN -welsh ABSTAIN_AVOID_REFRAIN -trampear ABSTAIN_AVOID_REFRAIN -acoger_con_agrado AGREE_ACCEPT -weld BEFRIEND JOIN_CONNECT -soldar_con_autógena BEFRIEND -ir_de_putas HAVE-SEX VISIT -wench VISIT -wend DIRECT_AIM_MANEUVER -wet WET -cazar_ballenas HUNT -whale HUNT -whang CRITICIZE HIT -construir_un_desembarcadero MOUNT_ASSEMBLE_PRODUCE -wheel_around TURN_CHANGE-DIRECTION CARRY_TRANSPORT -wheelbarrow CARRY_TRANSPORT -wheeze BREATH_BLOW -whelk GROUP -whisk TOUCH REMOVE_TAKE-AWAY_KIDNAP RUN MOVE-SOMETHING -whip_through FINISH_CONCLUDE_END -whip_up COOK -whomp_up COOK -whipsaw CUT DECEIVE -whirligig MOVE-ONESELF -whish MAKE-A-SOUND TRAVEL -pasar_zumbando RUN TRAVEL -whisk_off TOUCH REMOVE_TAKE-AWAY_KIDNAP -escobillar TOUCH -entrar_volando RUN -pasar_volando RUN -whisk_away REMOVE_TAKE-AWAY_KIDNAP -whisper SPEAK -chuchoter SPEAK -murmurer SPEAK -susurrer SPEAK -cuchichear SPEAK -whistlestop TRAVEL -jalbegar COLOR -emblanquecer COLOR -enjalbegar COLOR -white COLOR -whiten COLOR -whiteout ADJUST_CORRECT DIM -white-out DIM -white_out ADJUST_CORRECT INCREASE_ENLARGE_MULTIPLY -whizz_along RUN -zoom_along RUN -wholesale SELL -gritar_de_alegría SHOUT -woosh MOVE-SOMETHING -whore ACHIEVE HAVE-SEX WORK -prostituirse WORK -dejar_viuda CAUSE-SMT -widow CAUSE-SMT -wigwag SIGNAL_INDICATE -winch RAISE -wreathe ROLL TRAVEL EMBELLISH -window-shop ANALYZE -mirar_escaparates ANALYZE -windsurfear MOVE-BY-MEANS-OF -hacer_windsurf MOVE-BY-MEANS-OF -windsurf MOVE-BY-MEANS-OF -pimplar DRINK -wine NOURISH_FEED DRINK -wine_and_dine EAT_BITE HOST_MEAL_INVITE -winkle_out DISMISS_FIRE-SMN MOVE-SOMETHING -ahechar BREATH_BLOW -winterize PREPARE -winterise PREPARE -wipe_away REMOVE_TAKE-AWAY_KIDNAP -alambrar LOAD_PROVIDE_CHARGE_FURNISH INSERT SECURE_FASTEN_TIE -cablear LOAD_PROVIDE_CHARGE_FURNISH -wise_up INFORM LEARN -ironizar JOKE -wisecrack JOKE -cuchufletear JOKE -wish_well REQUIRE_NEED_WANT_HOPE -wive LOAD_PROVIDE_CHARGE_FURNISH ALLY_ASSOCIATE_MARRY -tomar_por_esposa ALLY_ASSOCIATE_MARRY -wolf EAT_BITE -wolf_down EAT_BITE -wolf-whistle MAKE-A-SOUND -travailler WORK -bosser WORK -work_at WORK -work_in COMBINE_MIX_UNITE -work_off DISCARD -traer_a_colación PREPARE -rendir_culto PERFORM -ir_a_misa PERFORM -wow CAUSE-MENTAL-STATE -adornar_con_guirnaldas EMBELLISH -wrest CATCH -write_about WRITE -write_of WRITE -write_on WRITE -write_copy WRITE -write_in WRITE -escribir_sin_hesitar WRITE -write_up WRITE -wrong TREAT -radiografiar ANALYZE -x-ray ANALYZE -ir_en_yate MOVE-BY-MEANS-OF -yacht MOVE-BY-MEANS-OF -gañir MAKE-A-SOUND -yelp MAKE-A-SOUND -yip MAKE-A-SOUND -yap MAKE-A-SOUND -yarn SPEAK -acedarse COLOR -amarillar COLOR -amarillear COLOR -yellow COLOR -amarillecer COLOR -yield_up GIVE-UP_ABOLISH_ABANDON -mettre_à_zéro ADJUST_CORRECT -remettre_à_zéro ADJUST_CORRECT -poner_a_cero ADJUST_CORRECT -zero ADJUST_CORRECT -zinc COVER_SPREAD_SURMOUNT -zipper CLOSE -zip_up CLOSE -caer_rendido SLEEP -zoom_in FOCUS